├── .flake8-config ├── .github ├── Dockerfile.base ├── Dockerfile.ci ├── ISSUE_TEMPLATE │ ├── bug_report.yml │ ├── documentation_request.yml │ ├── feature_request.yml │ └── how_to.yml ├── build-docker-images.sh ├── check-spdx.yaml ├── get-docker-tag.sh ├── pull_request_template.md └── workflows │ ├── build-image.yml │ ├── build-torch-xla-wheel.yml │ ├── codeql.yml │ ├── container-image-retention.yml │ ├── depth-benchmarks.yml │ ├── fail-inspector.yml │ ├── generate-benchmark-matrix.yml │ ├── generate-benchmark-report.yml │ ├── generate-model-report.yml │ ├── generate-ttnn-md.yml │ ├── get_test_duration_from_junit_xmls.py │ ├── issue-last-updated.yml │ ├── nightly-tests.yml │ ├── nightly-uplift.yml │ ├── on-community-issue.yml │ ├── on-pr.yml │ ├── on-push.yml │ ├── pages.yml │ ├── perf-benchmark.yml │ ├── pre-commit.yml │ ├── produce_data.yml │ ├── run-build.yml │ ├── run-depth-benchmark-tests.yml │ ├── run-e2e-compile-tests.yml │ ├── run-full-model-execution-tests-nightly.yml │ ├── run-full-model-execution-tests.yml │ ├── run-multidevice-tests.yml │ ├── run-op-by-op-model-tests-nightly.yml │ ├── run-op-by-op-model-tests-weekly.yml │ ├── run-tests.yml │ ├── run-tools-tests.yml │ ├── run-tt-forge-models-tests.yml │ ├── spdx.yml │ ├── tt-forge-models-tests.yml │ ├── upload-benchmark-file.yml │ └── weekly-tests.yml ├── .gitignore ├── .pre-commit-config.yaml ├── .python-version ├── .test_durations ├── CMakeLists.txt ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── LICENSE ├── LICENSE_understanding.txt ├── README.md ├── demos ├── llama3.2_generate_demo.py ├── resnet │ ├── README.md │ ├── resnet50_data_parallel_async.py │ ├── resnet50_data_parallel_demo.py │ ├── resnet50_demo.py │ ├── resnet50_experimental_torch_xla_single_device_eager.py │ └── resnet50_single_vs_multi_device_compare.py └── stable_diffusion │ └── sd_demo.py ├── docs ├── generate_summary.py ├── public │ └── images │ │ └── tt-torch-logo.png └── src │ ├── SUMMARY.md │ ├── adding_models.md │ ├── controlling.md │ ├── getting_started.md │ ├── getting_started_build_from_source.md │ ├── getting_started_docker.md │ ├── imgs │ └── tt_smi.png │ ├── models │ └── supported_models.md │ ├── ops │ ├── README.md │ ├── stablehlo │ │ ├── README.md │ │ ├── arith.constant.md │ │ ├── stablehlo.add.md │ │ ├── stablehlo.and.md │ │ ├── stablehlo.broadcast_in_dim.md │ │ ├── stablehlo.ceil.md │ │ ├── stablehlo.clamp.md │ │ ├── stablehlo.compare.md │ │ ├── stablehlo.concatenate.md │ │ ├── stablehlo.constant.md │ │ ├── stablehlo.convert.md │ │ ├── stablehlo.convolution.md │ │ ├── stablehlo.cosine.md │ │ ├── stablehlo.divide.md │ │ ├── stablehlo.dot_general.md │ │ ├── stablehlo.dynamic_iota.md │ │ ├── stablehlo.exponential.md │ │ ├── stablehlo.floor.md │ │ ├── stablehlo.gather.md │ │ ├── stablehlo.iota.md │ │ ├── stablehlo.log.md │ │ ├── stablehlo.logistic.md │ │ ├── stablehlo.maximum.md │ │ ├── stablehlo.minimum.md │ │ ├── stablehlo.multiply.md │ │ ├── stablehlo.negate.md │ │ ├── stablehlo.not.md │ │ ├── stablehlo.power.md │ │ ├── stablehlo.reduce_stablehlo.add.md │ │ ├── stablehlo.reduce_stablehlo.and.md │ │ ├── stablehlo.reduce_stablehlo.maximum.md │ │ ├── stablehlo.reduce_window_stablehlo.add.md │ │ ├── stablehlo.remainder.md │ │ ├── stablehlo.reshape.md │ │ ├── stablehlo.reverse.md │ │ ├── stablehlo.rng.md │ │ ├── stablehlo.rsqrt.md │ │ ├── stablehlo.scatter.md │ │ ├── stablehlo.select.md │ │ ├── stablehlo.sine.md │ │ ├── stablehlo.slice.md │ │ ├── stablehlo.sqrt.md │ │ ├── stablehlo.subtract.md │ │ ├── stablehlo.tanh.md │ │ ├── stablehlo.transpose.md │ │ └── tensor.empty.md │ └── ttnn │ │ ├── README.md │ │ ├── ttnn.add.json │ │ ├── ttnn.add.md │ │ ├── ttnn.arange.json │ │ ├── ttnn.arange.md │ │ ├── ttnn.concat.json │ │ ├── ttnn.concat.md │ │ ├── ttnn.constant.json │ │ ├── ttnn.constant.md │ │ ├── ttnn.conv2d.json │ │ ├── ttnn.conv2d.md │ │ ├── ttnn.embedding.json │ │ ├── ttnn.embedding.md │ │ ├── ttnn.from_device.json │ │ ├── ttnn.from_device.md │ │ ├── ttnn.full.json │ │ ├── ttnn.full.md │ │ ├── ttnn.get_device.json │ │ ├── ttnn.get_device.md │ │ ├── ttnn.matmul.json │ │ ├── ttnn.matmul.md │ │ ├── ttnn.max_pool2d.json │ │ ├── ttnn.max_pool2d.md │ │ ├── ttnn.maximum.json │ │ ├── ttnn.maximum.md │ │ ├── ttnn.multiply.json │ │ ├── ttnn.multiply.md │ │ ├── ttnn.permute.json │ │ ├── ttnn.permute.md │ │ ├── ttnn.reshape.json │ │ ├── ttnn.reshape.md │ │ ├── ttnn.slice.json │ │ ├── ttnn.slice.md │ │ ├── ttnn.to_device.json │ │ ├── ttnn.to_device.md │ │ ├── ttnn.to_layout.json │ │ ├── ttnn.to_layout.md │ │ ├── ttnn.typecast.json │ │ ├── ttnn.typecast.md │ │ ├── ttnn.where.json │ │ └── ttnn.where.md │ ├── overview.md │ ├── pre_commit.md │ ├── profiling.md │ └── test.md ├── env └── activate ├── pyproject.toml ├── pytest.ini ├── requirements.txt ├── results ├── download_artifacts.py ├── lower_to_stablehlo.py ├── parse_op_by_op_results.py └── parse_results.py ├── setup.py ├── tests ├── __init__.py ├── conftest.py ├── experimental │ ├── models │ │ ├── Qwen │ │ │ └── test_qwen2_causal_lm.py │ │ ├── llama │ │ │ ├── test_llama_3b.py │ │ │ └── test_llama_8b_tp_eager.py │ │ ├── mistral │ │ │ └── test_mistral.py │ │ └── resnet50 │ │ │ └── test_resnet50.py │ ├── test_ccl_ops_llmbox.py │ ├── test_ccl_ops_n300.py │ └── test_torch_xla_basic.py ├── models │ ├── EfficientNet │ │ ├── labels_map.txt │ │ ├── test_EfficientNet.py │ │ ├── test_EfficientNet_n300.py │ │ └── test_EfficientNet_onnx.py │ ├── MobileNetV2 │ │ ├── test_MobileNetV2.py │ │ ├── test_MobileNetV2_n300.py │ │ └── test_MobileNetV2_onnx.py │ ├── Qwen │ │ ├── test_qwen2_casual_lm.py │ │ └── test_qwen2_token_classification.py │ ├── RMBG │ │ └── test_RMBG.py │ ├── albert │ │ ├── test_albert_masked_lm.py │ │ ├── test_albert_question_answering.py │ │ ├── test_albert_sequence_classification.py │ │ └── test_albert_token_classification.py │ ├── autoencoder_conv │ │ ├── test_autoencoder_conv.py │ │ └── test_autoencoder_conv_v2.py │ ├── autoencoder_linear │ │ ├── test_autoencoder_linear.py │ │ └── test_autoencoder_linear_n300.py │ ├── beit │ │ ├── test_beit_image_classification.py │ │ └── test_beit_image_classification_n300.py │ ├── bert │ │ ├── test_bert.py │ │ └── test_bert_turkish.py │ ├── bge_m3 │ │ ├── test_bge_m3.py │ │ └── test_bge_m3_encode.py │ ├── bi_lstm_crf │ │ └── test_bi_lstm_crf.py │ ├── bloom │ │ └── test_bloom.py │ ├── centernet │ │ └── test_centernet_onnx.py │ ├── clip │ │ └── test_clip.py │ ├── codegen │ │ ├── test_codegen.py │ │ └── test_codegen_generate.py │ ├── d_fine │ │ └── test_d_fine.py │ ├── deepseek │ │ ├── test_deepseek.py │ │ └── test_deepseek_qwen.py │ ├── deit │ │ ├── test_deit.py │ │ └── test_deit_n300.py │ ├── detr │ │ ├── test_detr.py │ │ └── test_detr_onnx.py │ ├── distilbert │ │ └── test_distilbert.py │ ├── dpr │ │ └── test_dpr.py │ ├── falcon │ │ ├── test_falcon.py │ │ ├── test_falcon3.py │ │ └── test_falcon3_7b_10b_pipeline_parallel.py │ ├── flan_t5 │ │ └── test_flan_t5.py │ ├── flux │ │ └── test_flux.py │ ├── gliner │ │ └── test_gliner.py │ ├── glpn_kitti │ │ └── test_glpn_kitti.py │ ├── gpt2 │ │ └── test_gpt2.py │ ├── gpt_neo │ │ └── test_gpt_neo.py │ ├── hand_landmark │ │ └── test_hand_landmark.py │ ├── hardnet │ │ ├── test_hardnet.py │ │ └── test_hardnet_n300.py │ ├── llama │ │ ├── test_llama3_generative.py │ │ ├── test_llama_3b.py │ │ ├── test_llama_7b.py │ │ ├── test_llama_7b_generative_pipeline_parallel.py │ │ └── test_llama_7b_pipeline_parallel.py │ ├── mamba │ │ └── test_mamba.py │ ├── mgp-str-base │ │ ├── test_mgp_str_base.py │ │ └── test_mgp_str_base_n300.py │ ├── mistral │ │ ├── test_mistral.py │ │ └── test_pixtral.py │ ├── mlpmixer │ │ ├── test_mlpmixer.py │ │ └── test_mlpmixer_n300.py │ ├── mnist │ │ ├── test_mnist.py │ │ └── test_mnist_n300.py │ ├── mobilenet_ssd │ │ └── test_mobilenet_ssd.py │ ├── musicgen_small │ │ └── test_musicgen_small.py │ ├── oft │ │ ├── test_oft.py │ │ └── test_oft_onnx.py │ ├── openpose │ │ ├── test_openpose.py │ │ └── test_openpose_v2.py │ ├── opt │ │ └── test_opt.py │ ├── perceiver_io │ │ └── test_perceiver_io.py │ ├── phi │ │ ├── test_phi_1_1p5_2.py │ │ ├── test_phi_3.py │ │ ├── test_phi_3p5_moe.py │ │ ├── test_phi_3p5_vision.py │ │ └── test_phi_4.py │ ├── resnet │ │ └── test_resnet.py │ ├── resnet50 │ │ ├── test_resnet50.py │ │ └── test_resnet50_llmbox.py │ ├── roberta │ │ └── test_roberta.py │ ├── seamless_m4t │ │ └── test_seamless_m4t.py │ ├── segformer │ │ ├── test_segformer.py │ │ └── test_segformer_n300.py │ ├── segment_anything │ │ └── test_segment_anything.py │ ├── speecht5_tts │ │ └── test_speecht5_tts.py │ ├── squeeze_bert │ │ └── test_squeeze_bert.py │ ├── stable_diffusion │ │ ├── test_stable_diffusion_1_4.py │ │ ├── test_stable_diffusion_3_5.py │ │ ├── test_stable_diffusion_transformer.py │ │ ├── test_stable_diffusion_transformer_block.py │ │ ├── test_stable_diffusion_unet.py │ │ └── test_stable_diffusion_unet_n300.py │ ├── t5 │ │ └── test_t5.py │ ├── timm │ │ ├── test_timm_image_classification.py │ │ └── test_timm_image_classification_n300.py │ ├── torchvision │ │ ├── test_torchvision_image_classification.py │ │ ├── test_torchvision_image_classification_n300.py │ │ └── test_torchvision_object_detection.py │ ├── unet │ │ ├── test_unet.py │ │ └── test_unet_n300.py │ ├── unet_brain │ │ ├── test_unet_brain.py │ │ └── test_unet_brain_n300.py │ ├── unet_carvana │ │ ├── carvana_unet_segmentation │ │ │ └── model.py │ │ ├── test_unet_carvana.py │ │ └── test_unet_carvana_n300.py │ ├── vgg19_unet │ │ └── test_vgg19_unet.py │ ├── vilt │ │ └── test_vilt.py │ ├── vit │ │ ├── test_vit.py │ │ ├── test_vit_n300.py │ │ └── test_vit_onnx.py │ ├── vovnet │ │ └── test_vovnet_onnx.py │ ├── whisper │ │ └── test_whisper.py │ ├── xglm │ │ └── test_xglm.py │ ├── yolos │ │ ├── test_yolos.py │ │ └── test_yolos_n300.py │ ├── yolov10 │ │ └── test_yolov10.py │ ├── yolov3 │ │ ├── test_yolov3.py │ │ └── test_yolov3_n300.py │ ├── yolov4 │ │ ├── test_yolov4.py │ │ └── test_yolov4_n300.py │ └── yolov5 │ │ └── test_yolov5.py ├── onnx │ ├── __init__.py │ └── test_basic.py ├── runner │ ├── conftest.py │ ├── requirements.py │ ├── test_config.py │ ├── test_models.py │ └── test_utils.py ├── tools │ └── test_intermediate_verification.py ├── torch │ ├── test_basic.py │ ├── test_basic_async.py │ ├── test_basic_multichip.py │ ├── test_basic_multiple_execution.py │ ├── test_basic_sharding.py │ ├── test_compare.py │ ├── test_constant_fold.py │ ├── test_conv2d.py │ ├── test_device_manager.py │ ├── test_interpolation.py │ ├── test_logical.py │ ├── test_maxpool2d.py │ ├── test_reduction.py │ ├── test_softmax.py │ └── tools │ │ ├── test_benchmark.py │ │ └── test_profiler.py └── utils.py ├── third_party ├── CMakeLists.txt └── build_mlir_env.sh └── tt_torch ├── CMakeLists.txt ├── __init__.py ├── csrc ├── CMakeLists.txt ├── bindings.cpp ├── tt-mlir-interface.cpp └── tt-mlir-interface.hpp ├── dynamo ├── __init__.py ├── backend.py ├── decompositions.py ├── executor.py ├── experimental │ ├── __init__.py │ ├── xla_backend.py │ └── xla_decompositions.py ├── passes.py ├── sharding_utils.py ├── shlo_backend.py └── torch_backend.py ├── onnx_compile ├── __init__.py └── onnx_compile.py └── tools ├── TTNNOps.py ├── benchmark_promotion.py ├── ci_verification.py ├── crashsafe_utils.py ├── device_manager.py ├── filemanager.py ├── generate_benchmark_report.py ├── generate_md.py ├── postprocess_crashsafe_reports.py ├── profile_util.py ├── tt_profile.py ├── utils.py └── verify.py /.flake8-config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.flake8-config -------------------------------------------------------------------------------- /.github/Dockerfile.base: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/Dockerfile.base -------------------------------------------------------------------------------- /.github/Dockerfile.ci: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/Dockerfile.ci -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/bug_report.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/ISSUE_TEMPLATE/bug_report.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/documentation_request.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/ISSUE_TEMPLATE/documentation_request.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/feature_request.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/ISSUE_TEMPLATE/feature_request.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/how_to.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/ISSUE_TEMPLATE/how_to.yml -------------------------------------------------------------------------------- /.github/build-docker-images.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/build-docker-images.sh -------------------------------------------------------------------------------- /.github/check-spdx.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/check-spdx.yaml -------------------------------------------------------------------------------- /.github/get-docker-tag.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/get-docker-tag.sh -------------------------------------------------------------------------------- /.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/pull_request_template.md -------------------------------------------------------------------------------- /.github/workflows/build-image.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/build-image.yml -------------------------------------------------------------------------------- /.github/workflows/build-torch-xla-wheel.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/build-torch-xla-wheel.yml -------------------------------------------------------------------------------- /.github/workflows/codeql.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/codeql.yml -------------------------------------------------------------------------------- /.github/workflows/container-image-retention.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/container-image-retention.yml -------------------------------------------------------------------------------- /.github/workflows/depth-benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/depth-benchmarks.yml -------------------------------------------------------------------------------- /.github/workflows/fail-inspector.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/fail-inspector.yml -------------------------------------------------------------------------------- /.github/workflows/generate-benchmark-matrix.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/generate-benchmark-matrix.yml -------------------------------------------------------------------------------- /.github/workflows/generate-benchmark-report.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/generate-benchmark-report.yml -------------------------------------------------------------------------------- /.github/workflows/generate-model-report.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/generate-model-report.yml -------------------------------------------------------------------------------- /.github/workflows/generate-ttnn-md.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/generate-ttnn-md.yml -------------------------------------------------------------------------------- /.github/workflows/get_test_duration_from_junit_xmls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/get_test_duration_from_junit_xmls.py -------------------------------------------------------------------------------- /.github/workflows/issue-last-updated.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/issue-last-updated.yml -------------------------------------------------------------------------------- /.github/workflows/nightly-tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/nightly-tests.yml -------------------------------------------------------------------------------- /.github/workflows/nightly-uplift.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/nightly-uplift.yml -------------------------------------------------------------------------------- /.github/workflows/on-community-issue.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/on-community-issue.yml -------------------------------------------------------------------------------- /.github/workflows/on-pr.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/on-pr.yml -------------------------------------------------------------------------------- /.github/workflows/on-push.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/on-push.yml -------------------------------------------------------------------------------- /.github/workflows/pages.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/pages.yml -------------------------------------------------------------------------------- /.github/workflows/perf-benchmark.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/perf-benchmark.yml -------------------------------------------------------------------------------- /.github/workflows/pre-commit.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/pre-commit.yml -------------------------------------------------------------------------------- /.github/workflows/produce_data.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/produce_data.yml -------------------------------------------------------------------------------- /.github/workflows/run-build.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/run-build.yml -------------------------------------------------------------------------------- /.github/workflows/run-depth-benchmark-tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/run-depth-benchmark-tests.yml -------------------------------------------------------------------------------- /.github/workflows/run-e2e-compile-tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/run-e2e-compile-tests.yml -------------------------------------------------------------------------------- /.github/workflows/run-full-model-execution-tests-nightly.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/run-full-model-execution-tests-nightly.yml -------------------------------------------------------------------------------- /.github/workflows/run-full-model-execution-tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/run-full-model-execution-tests.yml -------------------------------------------------------------------------------- /.github/workflows/run-multidevice-tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/run-multidevice-tests.yml -------------------------------------------------------------------------------- /.github/workflows/run-op-by-op-model-tests-nightly.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/run-op-by-op-model-tests-nightly.yml -------------------------------------------------------------------------------- /.github/workflows/run-op-by-op-model-tests-weekly.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/run-op-by-op-model-tests-weekly.yml -------------------------------------------------------------------------------- /.github/workflows/run-tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/run-tests.yml -------------------------------------------------------------------------------- /.github/workflows/run-tools-tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/run-tools-tests.yml -------------------------------------------------------------------------------- /.github/workflows/run-tt-forge-models-tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/run-tt-forge-models-tests.yml -------------------------------------------------------------------------------- /.github/workflows/spdx.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/spdx.yml -------------------------------------------------------------------------------- /.github/workflows/tt-forge-models-tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/tt-forge-models-tests.yml -------------------------------------------------------------------------------- /.github/workflows/upload-benchmark-file.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/upload-benchmark-file.yml -------------------------------------------------------------------------------- /.github/workflows/weekly-tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.github/workflows/weekly-tests.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.gitignore -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /.python-version: -------------------------------------------------------------------------------- 1 | 3.11.9 2 | -------------------------------------------------------------------------------- /.test_durations: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/.test_durations -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/LICENSE -------------------------------------------------------------------------------- /LICENSE_understanding.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/LICENSE_understanding.txt -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/README.md -------------------------------------------------------------------------------- /demos/llama3.2_generate_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/demos/llama3.2_generate_demo.py -------------------------------------------------------------------------------- /demos/resnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/demos/resnet/README.md -------------------------------------------------------------------------------- /demos/resnet/resnet50_data_parallel_async.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/demos/resnet/resnet50_data_parallel_async.py -------------------------------------------------------------------------------- /demos/resnet/resnet50_data_parallel_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/demos/resnet/resnet50_data_parallel_demo.py -------------------------------------------------------------------------------- /demos/resnet/resnet50_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/demos/resnet/resnet50_demo.py -------------------------------------------------------------------------------- /demos/resnet/resnet50_experimental_torch_xla_single_device_eager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/demos/resnet/resnet50_experimental_torch_xla_single_device_eager.py -------------------------------------------------------------------------------- /demos/resnet/resnet50_single_vs_multi_device_compare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/demos/resnet/resnet50_single_vs_multi_device_compare.py -------------------------------------------------------------------------------- /demos/stable_diffusion/sd_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/demos/stable_diffusion/sd_demo.py -------------------------------------------------------------------------------- /docs/generate_summary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/generate_summary.py -------------------------------------------------------------------------------- /docs/public/images/tt-torch-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/public/images/tt-torch-logo.png -------------------------------------------------------------------------------- /docs/src/SUMMARY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/SUMMARY.md -------------------------------------------------------------------------------- /docs/src/adding_models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/adding_models.md -------------------------------------------------------------------------------- /docs/src/controlling.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/controlling.md -------------------------------------------------------------------------------- /docs/src/getting_started.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/getting_started.md -------------------------------------------------------------------------------- /docs/src/getting_started_build_from_source.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/getting_started_build_from_source.md -------------------------------------------------------------------------------- /docs/src/getting_started_docker.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/getting_started_docker.md -------------------------------------------------------------------------------- /docs/src/imgs/tt_smi.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/imgs/tt_smi.png -------------------------------------------------------------------------------- /docs/src/models/supported_models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/models/supported_models.md -------------------------------------------------------------------------------- /docs/src/ops/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/README.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/README.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/arith.constant.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/arith.constant.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.add.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.add.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.and.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.and.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.broadcast_in_dim.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.broadcast_in_dim.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.ceil.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.ceil.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.clamp.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.clamp.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.compare.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.compare.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.concatenate.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.concatenate.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.constant.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.constant.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.convert.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.convert.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.convolution.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.convolution.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.cosine.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.cosine.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.divide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.divide.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.dot_general.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.dot_general.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.dynamic_iota.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.dynamic_iota.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.exponential.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.exponential.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.floor.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.floor.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.gather.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.gather.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.iota.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.iota.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.log.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.log.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.logistic.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.logistic.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.maximum.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.maximum.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.minimum.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.minimum.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.multiply.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.multiply.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.negate.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.negate.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.not.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.not.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.power.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.power.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.reduce_stablehlo.add.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.reduce_stablehlo.add.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.reduce_stablehlo.and.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.reduce_stablehlo.and.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.reduce_stablehlo.maximum.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.reduce_stablehlo.maximum.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.reduce_window_stablehlo.add.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.reduce_window_stablehlo.add.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.remainder.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.remainder.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.reshape.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.reshape.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.reverse.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.reverse.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.rng.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.rng.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.rsqrt.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.rsqrt.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.scatter.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.scatter.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.select.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.select.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.sine.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.sine.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.slice.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.slice.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.sqrt.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.sqrt.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.subtract.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.subtract.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.tanh.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.tanh.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/stablehlo.transpose.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/stablehlo.transpose.md -------------------------------------------------------------------------------- /docs/src/ops/stablehlo/tensor.empty.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/stablehlo/tensor.empty.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/README.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.add.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.add.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.add.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.add.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.arange.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.arange.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.arange.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.arange.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.concat.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.concat.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.concat.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.concat.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.constant.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.constant.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.constant.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.constant.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.conv2d.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.conv2d.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.conv2d.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.conv2d.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.embedding.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.embedding.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.embedding.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.embedding.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.from_device.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.from_device.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.from_device.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.from_device.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.full.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.full.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.full.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.full.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.get_device.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.get_device.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.get_device.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.get_device.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.matmul.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.matmul.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.matmul.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.matmul.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.max_pool2d.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.max_pool2d.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.max_pool2d.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.max_pool2d.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.maximum.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.maximum.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.maximum.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.maximum.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.multiply.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.multiply.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.multiply.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.multiply.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.permute.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.permute.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.permute.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.permute.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.reshape.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.reshape.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.reshape.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.reshape.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.slice.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.slice.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.slice.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.slice.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.to_device.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.to_device.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.to_device.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.to_device.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.to_layout.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.to_layout.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.to_layout.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.to_layout.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.typecast.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.typecast.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.typecast.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.typecast.md -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.where.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.where.json -------------------------------------------------------------------------------- /docs/src/ops/ttnn/ttnn.where.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/ops/ttnn/ttnn.where.md -------------------------------------------------------------------------------- /docs/src/overview.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/overview.md -------------------------------------------------------------------------------- /docs/src/pre_commit.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/pre_commit.md -------------------------------------------------------------------------------- /docs/src/profiling.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/profiling.md -------------------------------------------------------------------------------- /docs/src/test.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/docs/src/test.md -------------------------------------------------------------------------------- /env/activate: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/env/activate -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/pyproject.toml -------------------------------------------------------------------------------- /pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/pytest.ini -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/requirements.txt -------------------------------------------------------------------------------- /results/download_artifacts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/results/download_artifacts.py -------------------------------------------------------------------------------- /results/lower_to_stablehlo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/results/lower_to_stablehlo.py -------------------------------------------------------------------------------- /results/parse_op_by_op_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/results/parse_op_by_op_results.py -------------------------------------------------------------------------------- /results/parse_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/results/parse_results.py -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/setup.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/conftest.py -------------------------------------------------------------------------------- /tests/experimental/models/Qwen/test_qwen2_causal_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/experimental/models/Qwen/test_qwen2_causal_lm.py -------------------------------------------------------------------------------- /tests/experimental/models/llama/test_llama_3b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/experimental/models/llama/test_llama_3b.py -------------------------------------------------------------------------------- /tests/experimental/models/llama/test_llama_8b_tp_eager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/experimental/models/llama/test_llama_8b_tp_eager.py -------------------------------------------------------------------------------- /tests/experimental/models/mistral/test_mistral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/experimental/models/mistral/test_mistral.py -------------------------------------------------------------------------------- /tests/experimental/models/resnet50/test_resnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/experimental/models/resnet50/test_resnet50.py -------------------------------------------------------------------------------- /tests/experimental/test_ccl_ops_llmbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/experimental/test_ccl_ops_llmbox.py -------------------------------------------------------------------------------- /tests/experimental/test_ccl_ops_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/experimental/test_ccl_ops_n300.py -------------------------------------------------------------------------------- /tests/experimental/test_torch_xla_basic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/experimental/test_torch_xla_basic.py -------------------------------------------------------------------------------- /tests/models/EfficientNet/labels_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/EfficientNet/labels_map.txt -------------------------------------------------------------------------------- /tests/models/EfficientNet/test_EfficientNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/EfficientNet/test_EfficientNet.py -------------------------------------------------------------------------------- /tests/models/EfficientNet/test_EfficientNet_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/EfficientNet/test_EfficientNet_n300.py -------------------------------------------------------------------------------- /tests/models/EfficientNet/test_EfficientNet_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/EfficientNet/test_EfficientNet_onnx.py -------------------------------------------------------------------------------- /tests/models/MobileNetV2/test_MobileNetV2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/MobileNetV2/test_MobileNetV2.py -------------------------------------------------------------------------------- /tests/models/MobileNetV2/test_MobileNetV2_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/MobileNetV2/test_MobileNetV2_n300.py -------------------------------------------------------------------------------- /tests/models/MobileNetV2/test_MobileNetV2_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/MobileNetV2/test_MobileNetV2_onnx.py -------------------------------------------------------------------------------- /tests/models/Qwen/test_qwen2_casual_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/Qwen/test_qwen2_casual_lm.py -------------------------------------------------------------------------------- /tests/models/Qwen/test_qwen2_token_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/Qwen/test_qwen2_token_classification.py -------------------------------------------------------------------------------- /tests/models/RMBG/test_RMBG.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/RMBG/test_RMBG.py -------------------------------------------------------------------------------- /tests/models/albert/test_albert_masked_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/albert/test_albert_masked_lm.py -------------------------------------------------------------------------------- /tests/models/albert/test_albert_question_answering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/albert/test_albert_question_answering.py -------------------------------------------------------------------------------- /tests/models/albert/test_albert_sequence_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/albert/test_albert_sequence_classification.py -------------------------------------------------------------------------------- /tests/models/albert/test_albert_token_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/albert/test_albert_token_classification.py -------------------------------------------------------------------------------- /tests/models/autoencoder_conv/test_autoencoder_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/autoencoder_conv/test_autoencoder_conv.py -------------------------------------------------------------------------------- /tests/models/autoencoder_conv/test_autoencoder_conv_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/autoencoder_conv/test_autoencoder_conv_v2.py -------------------------------------------------------------------------------- /tests/models/autoencoder_linear/test_autoencoder_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/autoencoder_linear/test_autoencoder_linear.py -------------------------------------------------------------------------------- /tests/models/autoencoder_linear/test_autoencoder_linear_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/autoencoder_linear/test_autoencoder_linear_n300.py -------------------------------------------------------------------------------- /tests/models/beit/test_beit_image_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/beit/test_beit_image_classification.py -------------------------------------------------------------------------------- /tests/models/beit/test_beit_image_classification_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/beit/test_beit_image_classification_n300.py -------------------------------------------------------------------------------- /tests/models/bert/test_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/bert/test_bert.py -------------------------------------------------------------------------------- /tests/models/bert/test_bert_turkish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/bert/test_bert_turkish.py -------------------------------------------------------------------------------- /tests/models/bge_m3/test_bge_m3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/bge_m3/test_bge_m3.py -------------------------------------------------------------------------------- /tests/models/bge_m3/test_bge_m3_encode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/bge_m3/test_bge_m3_encode.py -------------------------------------------------------------------------------- /tests/models/bi_lstm_crf/test_bi_lstm_crf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/bi_lstm_crf/test_bi_lstm_crf.py -------------------------------------------------------------------------------- /tests/models/bloom/test_bloom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/bloom/test_bloom.py -------------------------------------------------------------------------------- /tests/models/centernet/test_centernet_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/centernet/test_centernet_onnx.py -------------------------------------------------------------------------------- /tests/models/clip/test_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/clip/test_clip.py -------------------------------------------------------------------------------- /tests/models/codegen/test_codegen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/codegen/test_codegen.py -------------------------------------------------------------------------------- /tests/models/codegen/test_codegen_generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/codegen/test_codegen_generate.py -------------------------------------------------------------------------------- /tests/models/d_fine/test_d_fine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/d_fine/test_d_fine.py -------------------------------------------------------------------------------- /tests/models/deepseek/test_deepseek.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/deepseek/test_deepseek.py -------------------------------------------------------------------------------- /tests/models/deepseek/test_deepseek_qwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/deepseek/test_deepseek_qwen.py -------------------------------------------------------------------------------- /tests/models/deit/test_deit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/deit/test_deit.py -------------------------------------------------------------------------------- /tests/models/deit/test_deit_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/deit/test_deit_n300.py -------------------------------------------------------------------------------- /tests/models/detr/test_detr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/detr/test_detr.py -------------------------------------------------------------------------------- /tests/models/detr/test_detr_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/detr/test_detr_onnx.py -------------------------------------------------------------------------------- /tests/models/distilbert/test_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/distilbert/test_distilbert.py -------------------------------------------------------------------------------- /tests/models/dpr/test_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/dpr/test_dpr.py -------------------------------------------------------------------------------- /tests/models/falcon/test_falcon.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/falcon/test_falcon.py -------------------------------------------------------------------------------- /tests/models/falcon/test_falcon3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/falcon/test_falcon3.py -------------------------------------------------------------------------------- /tests/models/falcon/test_falcon3_7b_10b_pipeline_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/falcon/test_falcon3_7b_10b_pipeline_parallel.py -------------------------------------------------------------------------------- /tests/models/flan_t5/test_flan_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/flan_t5/test_flan_t5.py -------------------------------------------------------------------------------- /tests/models/flux/test_flux.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/flux/test_flux.py -------------------------------------------------------------------------------- /tests/models/gliner/test_gliner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/gliner/test_gliner.py -------------------------------------------------------------------------------- /tests/models/glpn_kitti/test_glpn_kitti.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/glpn_kitti/test_glpn_kitti.py -------------------------------------------------------------------------------- /tests/models/gpt2/test_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/gpt2/test_gpt2.py -------------------------------------------------------------------------------- /tests/models/gpt_neo/test_gpt_neo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/gpt_neo/test_gpt_neo.py -------------------------------------------------------------------------------- /tests/models/hand_landmark/test_hand_landmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/hand_landmark/test_hand_landmark.py -------------------------------------------------------------------------------- /tests/models/hardnet/test_hardnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/hardnet/test_hardnet.py -------------------------------------------------------------------------------- /tests/models/hardnet/test_hardnet_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/hardnet/test_hardnet_n300.py -------------------------------------------------------------------------------- /tests/models/llama/test_llama3_generative.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/llama/test_llama3_generative.py -------------------------------------------------------------------------------- /tests/models/llama/test_llama_3b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/llama/test_llama_3b.py -------------------------------------------------------------------------------- /tests/models/llama/test_llama_7b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/llama/test_llama_7b.py -------------------------------------------------------------------------------- /tests/models/llama/test_llama_7b_generative_pipeline_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/llama/test_llama_7b_generative_pipeline_parallel.py -------------------------------------------------------------------------------- /tests/models/llama/test_llama_7b_pipeline_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/llama/test_llama_7b_pipeline_parallel.py -------------------------------------------------------------------------------- /tests/models/mamba/test_mamba.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/mamba/test_mamba.py -------------------------------------------------------------------------------- /tests/models/mgp-str-base/test_mgp_str_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/mgp-str-base/test_mgp_str_base.py -------------------------------------------------------------------------------- /tests/models/mgp-str-base/test_mgp_str_base_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/mgp-str-base/test_mgp_str_base_n300.py -------------------------------------------------------------------------------- /tests/models/mistral/test_mistral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/mistral/test_mistral.py -------------------------------------------------------------------------------- /tests/models/mistral/test_pixtral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/mistral/test_pixtral.py -------------------------------------------------------------------------------- /tests/models/mlpmixer/test_mlpmixer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/mlpmixer/test_mlpmixer.py -------------------------------------------------------------------------------- /tests/models/mlpmixer/test_mlpmixer_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/mlpmixer/test_mlpmixer_n300.py -------------------------------------------------------------------------------- /tests/models/mnist/test_mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/mnist/test_mnist.py -------------------------------------------------------------------------------- /tests/models/mnist/test_mnist_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/mnist/test_mnist_n300.py -------------------------------------------------------------------------------- /tests/models/mobilenet_ssd/test_mobilenet_ssd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/mobilenet_ssd/test_mobilenet_ssd.py -------------------------------------------------------------------------------- /tests/models/musicgen_small/test_musicgen_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/musicgen_small/test_musicgen_small.py -------------------------------------------------------------------------------- /tests/models/oft/test_oft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/oft/test_oft.py -------------------------------------------------------------------------------- /tests/models/oft/test_oft_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/oft/test_oft_onnx.py -------------------------------------------------------------------------------- /tests/models/openpose/test_openpose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/openpose/test_openpose.py -------------------------------------------------------------------------------- /tests/models/openpose/test_openpose_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/openpose/test_openpose_v2.py -------------------------------------------------------------------------------- /tests/models/opt/test_opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/opt/test_opt.py -------------------------------------------------------------------------------- /tests/models/perceiver_io/test_perceiver_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/perceiver_io/test_perceiver_io.py -------------------------------------------------------------------------------- /tests/models/phi/test_phi_1_1p5_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/phi/test_phi_1_1p5_2.py -------------------------------------------------------------------------------- /tests/models/phi/test_phi_3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/phi/test_phi_3.py -------------------------------------------------------------------------------- /tests/models/phi/test_phi_3p5_moe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/phi/test_phi_3p5_moe.py -------------------------------------------------------------------------------- /tests/models/phi/test_phi_3p5_vision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/phi/test_phi_3p5_vision.py -------------------------------------------------------------------------------- /tests/models/phi/test_phi_4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/phi/test_phi_4.py -------------------------------------------------------------------------------- /tests/models/resnet/test_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/resnet/test_resnet.py -------------------------------------------------------------------------------- /tests/models/resnet50/test_resnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/resnet50/test_resnet50.py -------------------------------------------------------------------------------- /tests/models/resnet50/test_resnet50_llmbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/resnet50/test_resnet50_llmbox.py -------------------------------------------------------------------------------- /tests/models/roberta/test_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/roberta/test_roberta.py -------------------------------------------------------------------------------- /tests/models/seamless_m4t/test_seamless_m4t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/seamless_m4t/test_seamless_m4t.py -------------------------------------------------------------------------------- /tests/models/segformer/test_segformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/segformer/test_segformer.py -------------------------------------------------------------------------------- /tests/models/segformer/test_segformer_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/segformer/test_segformer_n300.py -------------------------------------------------------------------------------- /tests/models/segment_anything/test_segment_anything.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/segment_anything/test_segment_anything.py -------------------------------------------------------------------------------- /tests/models/speecht5_tts/test_speecht5_tts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/speecht5_tts/test_speecht5_tts.py -------------------------------------------------------------------------------- /tests/models/squeeze_bert/test_squeeze_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/squeeze_bert/test_squeeze_bert.py -------------------------------------------------------------------------------- /tests/models/stable_diffusion/test_stable_diffusion_1_4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/stable_diffusion/test_stable_diffusion_1_4.py -------------------------------------------------------------------------------- /tests/models/stable_diffusion/test_stable_diffusion_3_5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/stable_diffusion/test_stable_diffusion_3_5.py -------------------------------------------------------------------------------- /tests/models/stable_diffusion/test_stable_diffusion_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/stable_diffusion/test_stable_diffusion_transformer.py -------------------------------------------------------------------------------- /tests/models/stable_diffusion/test_stable_diffusion_transformer_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/stable_diffusion/test_stable_diffusion_transformer_block.py -------------------------------------------------------------------------------- /tests/models/stable_diffusion/test_stable_diffusion_unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/stable_diffusion/test_stable_diffusion_unet.py -------------------------------------------------------------------------------- /tests/models/stable_diffusion/test_stable_diffusion_unet_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/stable_diffusion/test_stable_diffusion_unet_n300.py -------------------------------------------------------------------------------- /tests/models/t5/test_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/t5/test_t5.py -------------------------------------------------------------------------------- /tests/models/timm/test_timm_image_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/timm/test_timm_image_classification.py -------------------------------------------------------------------------------- /tests/models/timm/test_timm_image_classification_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/timm/test_timm_image_classification_n300.py -------------------------------------------------------------------------------- /tests/models/torchvision/test_torchvision_image_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/torchvision/test_torchvision_image_classification.py -------------------------------------------------------------------------------- /tests/models/torchvision/test_torchvision_image_classification_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/torchvision/test_torchvision_image_classification_n300.py -------------------------------------------------------------------------------- /tests/models/torchvision/test_torchvision_object_detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/torchvision/test_torchvision_object_detection.py -------------------------------------------------------------------------------- /tests/models/unet/test_unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/unet/test_unet.py -------------------------------------------------------------------------------- /tests/models/unet/test_unet_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/unet/test_unet_n300.py -------------------------------------------------------------------------------- /tests/models/unet_brain/test_unet_brain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/unet_brain/test_unet_brain.py -------------------------------------------------------------------------------- /tests/models/unet_brain/test_unet_brain_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/unet_brain/test_unet_brain_n300.py -------------------------------------------------------------------------------- /tests/models/unet_carvana/carvana_unet_segmentation/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/unet_carvana/carvana_unet_segmentation/model.py -------------------------------------------------------------------------------- /tests/models/unet_carvana/test_unet_carvana.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/unet_carvana/test_unet_carvana.py -------------------------------------------------------------------------------- /tests/models/unet_carvana/test_unet_carvana_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/unet_carvana/test_unet_carvana_n300.py -------------------------------------------------------------------------------- /tests/models/vgg19_unet/test_vgg19_unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/vgg19_unet/test_vgg19_unet.py -------------------------------------------------------------------------------- /tests/models/vilt/test_vilt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/vilt/test_vilt.py -------------------------------------------------------------------------------- /tests/models/vit/test_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/vit/test_vit.py -------------------------------------------------------------------------------- /tests/models/vit/test_vit_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/vit/test_vit_n300.py -------------------------------------------------------------------------------- /tests/models/vit/test_vit_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/vit/test_vit_onnx.py -------------------------------------------------------------------------------- /tests/models/vovnet/test_vovnet_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/vovnet/test_vovnet_onnx.py -------------------------------------------------------------------------------- /tests/models/whisper/test_whisper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/whisper/test_whisper.py -------------------------------------------------------------------------------- /tests/models/xglm/test_xglm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/xglm/test_xglm.py -------------------------------------------------------------------------------- /tests/models/yolos/test_yolos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/yolos/test_yolos.py -------------------------------------------------------------------------------- /tests/models/yolos/test_yolos_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/yolos/test_yolos_n300.py -------------------------------------------------------------------------------- /tests/models/yolov10/test_yolov10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/yolov10/test_yolov10.py -------------------------------------------------------------------------------- /tests/models/yolov3/test_yolov3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/yolov3/test_yolov3.py -------------------------------------------------------------------------------- /tests/models/yolov3/test_yolov3_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/yolov3/test_yolov3_n300.py -------------------------------------------------------------------------------- /tests/models/yolov4/test_yolov4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/yolov4/test_yolov4.py -------------------------------------------------------------------------------- /tests/models/yolov4/test_yolov4_n300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/yolov4/test_yolov4_n300.py -------------------------------------------------------------------------------- /tests/models/yolov5/test_yolov5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/models/yolov5/test_yolov5.py -------------------------------------------------------------------------------- /tests/onnx/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/onnx/test_basic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/onnx/test_basic.py -------------------------------------------------------------------------------- /tests/runner/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/runner/conftest.py -------------------------------------------------------------------------------- /tests/runner/requirements.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/runner/requirements.py -------------------------------------------------------------------------------- /tests/runner/test_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/runner/test_config.py -------------------------------------------------------------------------------- /tests/runner/test_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/runner/test_models.py -------------------------------------------------------------------------------- /tests/runner/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/runner/test_utils.py -------------------------------------------------------------------------------- /tests/tools/test_intermediate_verification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/tools/test_intermediate_verification.py -------------------------------------------------------------------------------- /tests/torch/test_basic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_basic.py -------------------------------------------------------------------------------- /tests/torch/test_basic_async.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_basic_async.py -------------------------------------------------------------------------------- /tests/torch/test_basic_multichip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_basic_multichip.py -------------------------------------------------------------------------------- /tests/torch/test_basic_multiple_execution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_basic_multiple_execution.py -------------------------------------------------------------------------------- /tests/torch/test_basic_sharding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_basic_sharding.py -------------------------------------------------------------------------------- /tests/torch/test_compare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_compare.py -------------------------------------------------------------------------------- /tests/torch/test_constant_fold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_constant_fold.py -------------------------------------------------------------------------------- /tests/torch/test_conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_conv2d.py -------------------------------------------------------------------------------- /tests/torch/test_device_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_device_manager.py -------------------------------------------------------------------------------- /tests/torch/test_interpolation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_interpolation.py -------------------------------------------------------------------------------- /tests/torch/test_logical.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_logical.py -------------------------------------------------------------------------------- /tests/torch/test_maxpool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_maxpool2d.py -------------------------------------------------------------------------------- /tests/torch/test_reduction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_reduction.py -------------------------------------------------------------------------------- /tests/torch/test_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/test_softmax.py -------------------------------------------------------------------------------- /tests/torch/tools/test_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/tools/test_benchmark.py -------------------------------------------------------------------------------- /tests/torch/tools/test_profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/torch/tools/test_profiler.py -------------------------------------------------------------------------------- /tests/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tests/utils.py -------------------------------------------------------------------------------- /third_party/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/third_party/CMakeLists.txt -------------------------------------------------------------------------------- /third_party/build_mlir_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/third_party/build_mlir_env.sh -------------------------------------------------------------------------------- /tt_torch/CMakeLists.txt: -------------------------------------------------------------------------------- 1 | add_subdirectory(csrc) 2 | -------------------------------------------------------------------------------- /tt_torch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/__init__.py -------------------------------------------------------------------------------- /tt_torch/csrc/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/csrc/CMakeLists.txt -------------------------------------------------------------------------------- /tt_torch/csrc/bindings.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/csrc/bindings.cpp -------------------------------------------------------------------------------- /tt_torch/csrc/tt-mlir-interface.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/csrc/tt-mlir-interface.cpp -------------------------------------------------------------------------------- /tt_torch/csrc/tt-mlir-interface.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/csrc/tt-mlir-interface.hpp -------------------------------------------------------------------------------- /tt_torch/dynamo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tt_torch/dynamo/backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/dynamo/backend.py -------------------------------------------------------------------------------- /tt_torch/dynamo/decompositions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/dynamo/decompositions.py -------------------------------------------------------------------------------- /tt_torch/dynamo/executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/dynamo/executor.py -------------------------------------------------------------------------------- /tt_torch/dynamo/experimental/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tt_torch/dynamo/experimental/xla_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/dynamo/experimental/xla_backend.py -------------------------------------------------------------------------------- /tt_torch/dynamo/experimental/xla_decompositions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/dynamo/experimental/xla_decompositions.py -------------------------------------------------------------------------------- /tt_torch/dynamo/passes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/dynamo/passes.py -------------------------------------------------------------------------------- /tt_torch/dynamo/sharding_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/dynamo/sharding_utils.py -------------------------------------------------------------------------------- /tt_torch/dynamo/shlo_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/dynamo/shlo_backend.py -------------------------------------------------------------------------------- /tt_torch/dynamo/torch_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/dynamo/torch_backend.py -------------------------------------------------------------------------------- /tt_torch/onnx_compile/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/onnx_compile/__init__.py -------------------------------------------------------------------------------- /tt_torch/onnx_compile/onnx_compile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/onnx_compile/onnx_compile.py -------------------------------------------------------------------------------- /tt_torch/tools/TTNNOps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/tools/TTNNOps.py -------------------------------------------------------------------------------- /tt_torch/tools/benchmark_promotion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/tools/benchmark_promotion.py -------------------------------------------------------------------------------- /tt_torch/tools/ci_verification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/tools/ci_verification.py -------------------------------------------------------------------------------- /tt_torch/tools/crashsafe_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/tools/crashsafe_utils.py -------------------------------------------------------------------------------- /tt_torch/tools/device_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/tools/device_manager.py -------------------------------------------------------------------------------- /tt_torch/tools/filemanager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/tools/filemanager.py -------------------------------------------------------------------------------- /tt_torch/tools/generate_benchmark_report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/tools/generate_benchmark_report.py -------------------------------------------------------------------------------- /tt_torch/tools/generate_md.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/tools/generate_md.py -------------------------------------------------------------------------------- /tt_torch/tools/postprocess_crashsafe_reports.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/tools/postprocess_crashsafe_reports.py -------------------------------------------------------------------------------- /tt_torch/tools/profile_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/tools/profile_util.py -------------------------------------------------------------------------------- /tt_torch/tools/tt_profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/tools/tt_profile.py -------------------------------------------------------------------------------- /tt_torch/tools/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/tools/utils.py -------------------------------------------------------------------------------- /tt_torch/tools/verify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tenstorrent/tt-torch/HEAD/tt_torch/tools/verify.py --------------------------------------------------------------------------------