├── .Package.swift ├── backend_coreml │ └── dummy.swift ├── backend_coreml_debug │ └── dummy.swift ├── backend_mps │ └── dummy.swift ├── backend_mps_debug │ └── dummy.swift ├── backend_xnnpack │ └── dummy.swift ├── backend_xnnpack_debug │ └── dummy.swift ├── executorch │ └── dummy.swift ├── executorch_debug │ └── dummy.swift ├── executorch_llm │ └── dummy.swift ├── executorch_llm_debug │ └── dummy.swift ├── kernels_llm │ └── dummy.swift ├── kernels_llm_debug │ └── dummy.swift ├── kernels_optimized │ └── dummy.swift ├── kernels_optimized_debug │ └── dummy.swift ├── kernels_quantized │ └── dummy.swift ├── kernels_quantized_debug │ └── dummy.swift ├── kernels_torchao │ └── dummy.swift └── kernels_torchao_debug │ └── dummy.swift ├── .buckconfig ├── .ci ├── docker │ ├── README.md │ ├── build.sh │ ├── ci_commit_pins │ │ ├── buck2.txt │ │ ├── optimum-executorch.txt │ │ └── pytorch.txt │ ├── common │ │ ├── install_android.sh │ │ ├── install_arm.sh │ │ ├── install_base.sh │ │ ├── install_buck.sh │ │ ├── install_cache.sh │ │ ├── install_clang.sh │ │ ├── install_conda.sh │ │ ├── install_docs_reqs.sh │ │ ├── install_gcc.sh │ │ ├── install_java.sh │ │ ├── install_linter.sh │ │ ├── install_openssl.sh │ │ ├── install_pytorch.sh │ │ ├── install_user.sh │ │ ├── install_zephyr.sh │ │ └── utils.sh │ ├── conda-env-ci.txt │ ├── requirements-ci.txt │ └── ubuntu │ │ └── Dockerfile └── scripts │ ├── __init__.py │ ├── benchmark_tooling │ ├── README.md │ ├── __init__.py │ ├── analyze_benchmark_stability.py │ ├── common.py │ ├── get_benchmark_analysis_data.py │ └── requirements.txt │ ├── build-mediatek-sdk.sh │ ├── build-qnn-sdk.sh │ ├── build_llama_android.sh │ ├── check_c10_sync.sh │ ├── compare_dirs.sh │ ├── cuda_benchmark.py │ ├── download_hf_hub.sh │ ├── export_model_artifact.sh │ ├── gather_benchmark_configs.py │ ├── gather_test_models.py │ ├── setup-arm-baremetal-tools.sh │ ├── setup-conda.sh │ ├── setup-emscripten.sh │ ├── setup-ios.sh │ ├── setup-linux.sh │ ├── setup-macos.sh │ ├── setup-mediatek-deps.sh │ ├── setup-openvino.sh │ ├── setup-qnn-deps.sh │ ├── setup-samsung-linux-deps.sh │ ├── setup-vulkan-linux-deps.sh │ ├── setup-windows-msvc.ps1 │ ├── setup-windows.ps1 │ ├── test-cuda-build.sh │ ├── test_ane_static_llama.sh │ ├── test_backend.sh │ ├── test_eval_llama_mmlu.sh │ ├── test_eval_llama_wikitext.sh │ ├── test_huggingface_optimum_model.py │ ├── test_ios_ci.sh │ ├── test_llama.sh │ ├── test_llama_lora.sh │ ├── test_llama_runner_eager.sh │ ├── test_llama_torchao_lowbit.sh │ ├── test_llava.sh │ ├── test_model.ps1 │ ├── test_model.sh │ ├── test_model_e2e.sh │ ├── test_openvino.sh │ ├── test_phi_3_mini.sh │ ├── test_qnn_static_llama_eval.sh │ ├── test_qnn_static_llm.sh │ ├── test_quantized_aot_lib.sh │ ├── test_torchao_huggingface_checkpoints.sh │ ├── test_wheel_package_qnn.sh │ ├── test_yolo12.sh │ ├── tests │ ├── test_gather_benchmark_configs.py │ └── test_get_benchmark_analysis_data.py │ ├── unittest-buck2.sh │ ├── unittest-linux-cmake.sh │ ├── unittest-linux.sh │ ├── unittest-macos-buck2.sh │ ├── unittest-macos-cmake.sh │ ├── unittest-macos.sh │ ├── unittest-windows.ps1 │ ├── utils.sh │ ├── wheel │ ├── __init__.py │ ├── envvar_base.sh │ ├── envvar_linux.sh │ ├── envvar_macos.sh │ ├── post_build_script.sh │ ├── pre_build_script.sh │ ├── test_base.py │ ├── test_linux.py │ ├── test_linux_aarch64.py │ ├── test_macos.py │ ├── test_windows.py │ └── vc_env_helper.bat │ └── zephyr-utils.sh ├── .clang-format ├── .clang-tidy ├── .cmake-format.yaml ├── .cmakelintrc ├── .flake8 ├── .githooks ├── README.md ├── install.sh └── pre-commit ├── .github ├── ISSUE_TEMPLATE │ ├── bug-report.yml │ ├── config.yml │ ├── documentation.yml │ └── feature-request.yml ├── dependabot.yml ├── ghstack_direct ├── merge_rules.yaml ├── pull_request_template.md ├── pytorch-probot.yml ├── release.yml ├── scripts │ ├── check_labels.py │ ├── cherry_pick.py │ ├── extract_benchmark_results.py │ ├── github_utils.py │ ├── gitutils.py │ ├── label_utils.py │ ├── propose_ghstack_orig_pr.py │ ├── run_nm.py │ ├── test_extract_benchmark_results.py │ ├── trigger_cuda_perf.sh │ ├── trymerge.py │ ├── trymerge_explainer.py │ └── update_pytorch_pin.py └── workflows │ ├── _android.yml │ ├── _get-changed-files.yml │ ├── _link_check.yml │ ├── _test_backend.yml │ ├── _unittest.yml │ ├── add-unanswered-to-project.yml │ ├── android-release-artifacts.yml │ ├── apple.yml │ ├── build-presets.yml │ ├── build-wheels-aarch64-linux.yml │ ├── build-wheels-linux.yml │ ├── build-wheels-macos.yml │ ├── build-wheels-windows.yml │ ├── check-c10-sync.yml │ ├── check-labels.yml │ ├── cherry-pick.yml │ ├── cuda-perf.yml │ ├── cuda.yml │ ├── doc-build.yml │ ├── docker-builds.yml │ ├── ghstack_land.yml │ ├── lint.yml │ ├── metal.yml │ ├── nightly.yml │ ├── pending_user_response.py │ ├── pending_user_response.yml │ ├── periodic.yml │ ├── pull.yml │ ├── stale.yml │ ├── test-backend-arm.yml │ ├── test-backend-coreml.yml │ ├── test-backend-qnn.yml │ ├── test-backend-vulkan.yml │ ├── test-backend-xnnpack.yml │ ├── trunk.yml │ ├── update-viablestrict.yml │ └── windows-msvc.yml ├── .gitignore ├── .gitmodules ├── .lintrunner.toml ├── .mypy.ini ├── CMakeLists.txt ├── CMakePresets.json ├── CODEOWNERS ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── LICENSE ├── Makefile ├── Package.swift ├── README-wheel.md ├── README.md ├── Test.cmake ├── backends ├── __init__.py ├── aoti │ ├── CMakeLists.txt │ ├── README.md │ ├── TARGETS │ ├── aoti_backend.py │ ├── aoti_delegate_handle.h │ ├── aoti_partitioner.py │ ├── common_shims.cpp │ ├── common_shims.h │ ├── export.h │ ├── passes │ │ ├── TARGETS │ │ └── replace_view_copy_with_view.py │ ├── targets.bzl │ ├── tests │ │ ├── TARGETS │ │ ├── test_common_shims.cpp │ │ └── utils.h │ └── utils.h ├── apple │ ├── coreml │ │ ├── .clang-format │ │ ├── .gitignore │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── TARGETS │ │ ├── compiler │ │ │ ├── __init__.py │ │ │ ├── coreml_preprocess.py │ │ │ ├── enumerated_shape_utils.py │ │ │ └── torch_ops.py │ │ ├── executorchcoreml.pyi │ │ ├── logging.py │ │ ├── partition │ │ │ ├── __init__.py │ │ │ └── coreml_partitioner.py │ │ ├── quantizer │ │ │ ├── __init__.py │ │ │ └── coreml_quantizer.py │ │ ├── recipes │ │ │ ├── __init__.py │ │ │ ├── coreml_recipe_provider.py │ │ │ └── coreml_recipe_types.py │ │ ├── runtime │ │ │ ├── delegate │ │ │ │ ├── ETCoreMLAsset.h │ │ │ │ ├── ETCoreMLAsset.mm │ │ │ │ ├── ETCoreMLAssetManager.h │ │ │ │ ├── ETCoreMLAssetManager.mm │ │ │ │ ├── ETCoreMLComputeUnits.h │ │ │ │ ├── ETCoreMLDefaultModelExecutor.h │ │ │ │ ├── ETCoreMLDefaultModelExecutor.mm │ │ │ │ ├── ETCoreMLLogging.h │ │ │ │ ├── ETCoreMLLogging.mm │ │ │ │ ├── ETCoreMLModel.h │ │ │ │ ├── ETCoreMLModel.mm │ │ │ │ ├── ETCoreMLModelCompiler.h │ │ │ │ ├── ETCoreMLModelCompiler.mm │ │ │ │ ├── ETCoreMLModelExecutor.h │ │ │ │ ├── ETCoreMLModelLoader.h │ │ │ │ ├── ETCoreMLModelLoader.mm │ │ │ │ ├── ETCoreMLModelManager.h │ │ │ │ ├── ETCoreMLModelManager.mm │ │ │ │ ├── ETCoreMLStrings.h │ │ │ │ ├── ETCoreMLStrings.mm │ │ │ │ ├── MLModel_Prewarm.h │ │ │ │ ├── MLModel_Prewarm.mm │ │ │ │ ├── MLMultiArray_Copy.h │ │ │ │ ├── MLMultiArray_Copy.mm │ │ │ │ ├── asset.h │ │ │ │ ├── asset.mm │ │ │ │ ├── backend_delegate.h │ │ │ │ ├── backend_delegate.mm │ │ │ │ ├── com.apple.executorchcoreml_config.plist │ │ │ │ ├── coreml_backend_delegate.mm │ │ │ │ ├── executorch_operations.h │ │ │ │ ├── executorch_operations.mm │ │ │ │ ├── model_event_logger.h │ │ │ │ ├── model_logging_options.h │ │ │ │ ├── model_metadata.h │ │ │ │ ├── multiarray.h │ │ │ │ ├── multiarray.mm │ │ │ │ ├── serde_json.h │ │ │ │ └── serde_json.mm │ │ │ ├── include │ │ │ │ └── coreml_backend │ │ │ │ │ └── delegate.h │ │ │ ├── inmemoryfs │ │ │ │ ├── inmemory_filesystem.cpp │ │ │ │ ├── inmemory_filesystem.hpp │ │ │ │ ├── inmemory_filesystem_metadata.hpp │ │ │ │ ├── inmemory_filesystem_metadata_keys.hpp │ │ │ │ ├── inmemory_filesystem_py.cpp │ │ │ │ ├── inmemory_filesystem_utils.cpp │ │ │ │ ├── inmemory_filesystem_utils.hpp │ │ │ │ ├── inmemory_filesystem_utils.mm │ │ │ │ ├── memory_buffer.cpp │ │ │ │ ├── memory_buffer.hpp │ │ │ │ ├── memory_stream.cpp │ │ │ │ ├── memory_stream.hpp │ │ │ │ ├── range.hpp │ │ │ │ ├── reversed_memory_stream.cpp │ │ │ │ └── reversed_memory_stream.hpp │ │ │ ├── kvstore │ │ │ │ ├── database.cpp │ │ │ │ ├── database.hpp │ │ │ │ ├── json_key_value_store.cpp │ │ │ │ ├── json_key_value_store.hpp │ │ │ │ ├── key_value_store.cpp │ │ │ │ ├── key_value_store.hpp │ │ │ │ ├── sqlite_error.cpp │ │ │ │ ├── sqlite_error.hpp │ │ │ │ ├── statement.cpp │ │ │ │ ├── statement.hpp │ │ │ │ └── types.hpp │ │ │ ├── sdk │ │ │ │ ├── ETCoreMLModelAnalyzer.h │ │ │ │ ├── ETCoreMLModelAnalyzer.mm │ │ │ │ ├── ETCoreMLModelDebugInfo.h │ │ │ │ ├── ETCoreMLModelDebugInfo.mm │ │ │ │ ├── ETCoreMLModelDebugger.h │ │ │ │ ├── ETCoreMLModelDebugger.mm │ │ │ │ ├── ETCoreMLModelProfiler.h │ │ │ │ ├── ETCoreMLModelProfiler.mm │ │ │ │ ├── ETCoreMLModelStructurePath.h │ │ │ │ ├── ETCoreMLModelStructurePath.mm │ │ │ │ ├── ETCoreMLOperationProfilingInfo.h │ │ │ │ ├── ETCoreMLOperationProfilingInfo.mm │ │ │ │ ├── ETCoreMLPair.h │ │ │ │ ├── ETCoreMLPair.mm │ │ │ │ ├── hash_util.h │ │ │ │ ├── model_event_logger_impl.h │ │ │ │ ├── model_event_logger_impl.mm │ │ │ │ ├── model_package_info.h │ │ │ │ ├── model_package_info.mm │ │ │ │ ├── program_path.h │ │ │ │ └── program_path.mm │ │ │ ├── test │ │ │ │ ├── BackendDelegateTests.mm │ │ │ │ ├── CoreMLBackendDelegateTests.mm │ │ │ │ ├── DatabaseTests.mm │ │ │ │ ├── ETCoreMLAssetManagerTests.mm │ │ │ │ ├── ETCoreMLAssetTests.mm │ │ │ │ ├── ETCoreMLModelDebuggerTests.mm │ │ │ │ ├── ETCoreMLModelManagerTests.mm │ │ │ │ ├── ETCoreMLModelProfilerTests.mm │ │ │ │ ├── ETCoreMLModelStructurePathTests.mm │ │ │ │ ├── ETCoreMLTestUtils.h │ │ │ │ ├── ETCoreMLTestUtils.mm │ │ │ │ ├── InMemoryFileSystemTests.mm │ │ │ │ ├── KeyValueStoreTests.mm │ │ │ │ ├── MultiArrayTests.mm │ │ │ │ ├── export_stateful_model.py │ │ │ │ └── setup.md │ │ │ ├── util │ │ │ │ ├── json_util.cpp │ │ │ │ ├── json_util.hpp │ │ │ │ ├── objc_array_util.h │ │ │ │ ├── objc_json_serde.h │ │ │ │ ├── objc_json_serde.mm │ │ │ │ └── objc_safe_cast.h │ │ │ └── workspace │ │ │ │ ├── executorchcoreml.xcodeproj │ │ │ │ ├── project.pbxproj │ │ │ │ └── xcshareddata │ │ │ │ │ └── xcschemes │ │ │ │ │ └── executorchcoreml_tests.xcscheme │ │ │ │ └── executorchcoreml.xcworkspace │ │ │ │ ├── contents.xcworkspacedata │ │ │ │ └── xcshareddata │ │ │ │ └── IDEWorkspaceChecks.plist │ │ ├── scripts │ │ │ ├── build_all.sh │ │ │ ├── build_tests.sh │ │ │ ├── generate_test_models.sh │ │ │ ├── install_requirements.sh │ │ │ └── run_tests.sh │ │ ├── setup.md │ │ └── test │ │ │ ├── test_coreml_partitioner.py │ │ │ ├── test_coreml_quantizer.py │ │ │ ├── test_coreml_recipes.py │ │ │ ├── test_coreml_utils.py │ │ │ ├── test_enumerated_shapes.py │ │ │ ├── test_torch_ops.py │ │ │ └── tester.py │ ├── metal │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── metal_backend.py │ │ ├── metal_partitioner.py │ │ ├── runtime │ │ │ ├── metal_backend.cpp │ │ │ └── shims │ │ │ │ ├── et_metal.h │ │ │ │ ├── et_metal.mm │ │ │ │ ├── et_metal_ops.h │ │ │ │ ├── et_metal_ops.mm │ │ │ │ ├── memory.cpp │ │ │ │ ├── memory.h │ │ │ │ ├── shim_mps.h │ │ │ │ ├── shim_mps.mm │ │ │ │ ├── tensor_attribute.cpp │ │ │ │ ├── tensor_attribute.h │ │ │ │ ├── types.h │ │ │ │ ├── utils.cpp │ │ │ │ └── utils.h │ │ └── tests │ │ │ ├── __init__.py │ │ │ ├── test_metal_backend.py │ │ │ └── test_metal_partitioner.py │ └── mps │ │ ├── .clang-format │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── mps_preprocess.py │ │ ├── operators │ │ ├── __init__.py │ │ ├── activation_ops.py │ │ ├── binary_ops.py │ │ ├── clamp_ops.py │ │ ├── constant_ops.py │ │ ├── convolution_ops.py │ │ ├── indexing_ops.py │ │ ├── linear_algebra_ops.py │ │ ├── node_visitor.py │ │ ├── normalization_ops.py │ │ ├── op_clone.py │ │ ├── op_getitem.py │ │ ├── op_quant_dequant.py │ │ ├── op_skip_ops.py │ │ ├── pad_ops.py │ │ ├── pooling_ops.py │ │ ├── range_ops.py │ │ ├── reduce_ops.py │ │ ├── shape_ops.py │ │ └── unary_ops.py │ │ ├── partition │ │ ├── __init__.py │ │ └── mps_partitioner.py │ │ ├── runtime │ │ ├── MPSBackend.mm │ │ ├── MPSCompiler.h │ │ ├── MPSCompiler.mm │ │ ├── MPSDelegateHeader.h │ │ ├── MPSDelegateHeader.mm │ │ ├── MPSDevice.h │ │ ├── MPSDevice.mm │ │ ├── MPSExecutor.h │ │ ├── MPSExecutor.mm │ │ ├── MPSGraphBuilder.h │ │ ├── MPSGraphBuilder.mm │ │ ├── MPSStream.h │ │ ├── MPSStream.mm │ │ └── operations │ │ │ ├── ActivationOps.mm │ │ │ ├── BinaryOps.mm │ │ │ ├── ClampOps.mm │ │ │ ├── ConstantOps.mm │ │ │ ├── ConvolutionOps.mm │ │ │ ├── IndexingOps.mm │ │ │ ├── LinearAlgebra.mm │ │ │ ├── MPSGraphSequoiaOps.h │ │ │ ├── MPSGraphVenturaOps.h │ │ │ ├── NormalizationOps.mm │ │ │ ├── OperationUtils.h │ │ │ ├── OperationUtils.mm │ │ │ ├── PadOps.mm │ │ │ ├── PoolingOps.mm │ │ │ ├── QuantDequant.mm │ │ │ ├── RangeOps.mm │ │ │ ├── ReduceOps.mm │ │ │ ├── ShapeOps.mm │ │ │ └── UnaryOps.mm │ │ ├── serialization │ │ ├── mps_graph_schema.py │ │ ├── mps_graph_serialize.py │ │ └── schema.fbs │ │ ├── setup.md │ │ ├── targets.bzl │ │ ├── test │ │ ├── test_mps.py │ │ ├── test_mps_binary_ops.py │ │ ├── test_mps_indexing_ops.py │ │ ├── test_mps_linear.py │ │ ├── test_mps_models.py │ │ ├── test_mps_unary_ops.py │ │ └── test_mps_utils.py │ │ └── utils │ │ ├── mps_utils.py │ │ └── quant_utils.py ├── arm │ ├── CMakeLists.txt │ ├── README.md │ ├── TARGETS │ ├── _passes │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── _debug_passes.py │ │ ├── annotate_decomposed_matmul.py │ │ ├── annotate_output_dim_order_pass.py │ │ ├── arm_pass.py │ │ ├── arm_pass_manager.py │ │ ├── arm_pass_utils.py │ │ ├── broadcast_args_pass.py │ │ ├── cast_bool_to_int8_pass.py │ │ ├── cast_int64_pass.py │ │ ├── cast_to_int32_pass.py │ │ ├── conv1d_unsqueeze_pass.py │ │ ├── convert_elu_params.py │ │ ├── convert_expand_copy_to_repeat.py │ │ ├── convert_full_like_to_full_pass.py │ │ ├── convert_int64_const_ops_to_int32.py │ │ ├── convert_int64_output_ops_to_int32.py │ │ ├── convert_minmax_pass.py │ │ ├── convert_permute_singleton_to_view_pass.py │ │ ├── convert_split_to_slice.py │ │ ├── convert_squeezes_to_view.py │ │ ├── convert_to_clamp_pass.py │ │ ├── decompose_acosh_pass.py │ │ ├── decompose_adaptive_avg_pool2d_pass.py │ │ ├── decompose_add_sub_alpha_pass.py │ │ ├── decompose_addmm_pass.py │ │ ├── decompose_any_pass.py │ │ ├── decompose_asin_and_acos_pass.py │ │ ├── decompose_asinh_pass.py │ │ ├── decompose_atan_pass.py │ │ ├── decompose_atanh_pass.py │ │ ├── decompose_avg_pool2d_pass.py │ │ ├── decompose_batch_norm_no_stats.py │ │ ├── decompose_cosh_pass.py │ │ ├── decompose_cosine_similarity_pass.py │ │ ├── decompose_cumsum_pass.py │ │ ├── decompose_div_pass.py │ │ ├── decompose_div_tensor_mode.py │ │ ├── decompose_elu_pass.py │ │ ├── decompose_embedding_pass.py │ │ ├── decompose_expm1_pass.py │ │ ├── decompose_floor_divide_pass.py │ │ ├── decompose_gelu_pass.py │ │ ├── decompose_glu_pass.py │ │ ├── decompose_grouped_conv_pass.py │ │ ├── decompose_groupnorm_pass.py │ │ ├── decompose_int16_activation_conv2d_pass.py │ │ ├── decompose_int_pow_pass.py │ │ ├── decompose_layernorm_pass.py │ │ ├── decompose_leaky_relu_pass.py │ │ ├── decompose_linalg_vector_norm_pass.py │ │ ├── decompose_linear_pass.py │ │ ├── decompose_logit_pass.py │ │ ├── decompose_masked_fill_pass.py │ │ ├── decompose_maxpool2d_with_dilation_pass.py │ │ ├── decompose_meandim_pass.py │ │ ├── decompose_ne_pass.py │ │ ├── decompose_remainder_pass.py │ │ ├── decompose_round_pass.py │ │ ├── decompose_sdpa_pass.py │ │ ├── decompose_select.py │ │ ├── decompose_sign_pass.py │ │ ├── decompose_silu_pass.py │ │ ├── decompose_sinh_pass.py │ │ ├── decompose_softmax_pass.py │ │ ├── decompose_softmax_unstable_pass.py │ │ ├── decompose_sqrt_pass.py │ │ ├── decompose_sum_pass.py │ │ ├── decompose_var_pass.py │ │ ├── decorate_fp32_to_int32_casting_pass.py │ │ ├── fold_qdq_with_annotated_qparams_pass.py │ │ ├── fuse_batch_norm2d_pass.py │ │ ├── fuse_constant_ops_pass.py │ │ ├── fuse_duplicate_users_pass.py │ │ ├── fuse_equal_placeholders_pass.py │ │ ├── fuse_quantized_activation_pass.py │ │ ├── fuse_view_copy_transform_pass.py │ │ ├── insert_int32_casts_after_int64_placeholders.py │ │ ├── insert_rescales_pass.py │ │ ├── insert_table_ops.py │ │ ├── match_arg_dtype_pass.py │ │ ├── match_arg_ranks_pass.py │ │ ├── mm_to_bmm_pass.py │ │ ├── quant_args.py │ │ ├── remove_getitem_pass.py │ │ ├── remove_graph_asserts_pass.py │ │ ├── remove_noop_pass.py │ │ ├── replace_inf_values_pass.py │ │ ├── replace_scalar_with_tensor_pass.py │ │ ├── rewrite_conv2d_pass.py │ │ ├── rewrite_matmul.py │ │ ├── rewrite_upsample.py │ │ ├── scalars_to_attribute_pass.py │ │ ├── size_adjust_input_pass.py │ │ ├── to_tosa_memory_format_pass.py │ │ ├── unsqueeze_before_repeat_pass.py │ │ └── unsqueeze_scalar_placeholders_pass.py │ ├── arm_vela.py │ ├── common │ │ ├── __init__.py │ │ ├── annotation_meta.py │ │ ├── arm_compile_spec.py │ │ ├── debug.py │ │ └── type.py │ ├── constants.py │ ├── debug │ │ ├── TARGETS │ │ ├── __init__.py │ │ └── schema.py │ ├── ethosu │ │ ├── __init__.py │ │ ├── backend.py │ │ ├── compile_spec.py │ │ └── partitioner.py │ ├── operator_support │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── clone_dim_order_support.py │ │ ├── control_flow_support.py │ │ ├── convolution_support.py │ │ ├── embedding_support.py │ │ ├── ethos_u55_support.py │ │ ├── index_select_support.py │ │ ├── index_tensor_support.py │ │ ├── minmax_support.py │ │ ├── pool_2d_support.py │ │ ├── reduce_sum_support.py │ │ ├── right_shift_support.py │ │ ├── slice_copy_support.py │ │ ├── to_dim_order_copy_support.py │ │ ├── tosa_profile_supported_op_lists.py │ │ ├── tosa_supported_operators.py │ │ └── where_support.py │ ├── operators │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── node_visitor.py │ │ ├── op_abs.py │ │ ├── op_add.py │ │ ├── op_amax.py │ │ ├── op_amin.py │ │ ├── op_any.py │ │ ├── op_avg_pool2d.py │ │ ├── op_bitwise_not.py │ │ ├── op_cat.py │ │ ├── op_ceil.py │ │ ├── op_clamp.py │ │ ├── op_cond_if.py │ │ ├── op_constant_pad_nd.py │ │ ├── op_cos.py │ │ ├── op_eq.py │ │ ├── op_erf.py │ │ ├── op_exp.py │ │ ├── op_floor.py │ │ ├── op_ge.py │ │ ├── op_gt.py │ │ ├── op_index_select.py │ │ ├── op_index_tensor.py │ │ ├── op_le.py │ │ ├── op_log.py │ │ ├── op_logical_not.py │ │ ├── op_lt.py │ │ ├── op_max_pool2d.py │ │ ├── op_maximum.py │ │ ├── op_minimum.py │ │ ├── op_mul.py │ │ ├── op_neg.py │ │ ├── op_permute.py │ │ ├── op_pow.py │ │ ├── op_reciprocal.py │ │ ├── op_repeat.py │ │ ├── op_rshift_tensor.py │ │ ├── op_rsqrt.py │ │ ├── op_sigmoid.py │ │ ├── op_sin.py │ │ ├── op_slice.py │ │ ├── op_sub.py │ │ ├── op_sum.py │ │ ├── op_tanh.py │ │ ├── op_to_dim_order_copy.py │ │ ├── op_tosa_conv2d.py │ │ ├── op_tosa_depthwise_conv2d.py │ │ ├── op_tosa_matmul.py │ │ ├── op_tosa_rescale.py │ │ ├── op_tosa_resize.py │ │ ├── op_tosa_table.py │ │ ├── op_tosa_transpose.py │ │ ├── op_view.py │ │ ├── op_where.py │ │ ├── op_while.py │ │ ├── operator_validation_utils.py │ │ ├── ops_binary.py │ │ └── ops_identity.py │ ├── process_node.py │ ├── quantizer │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── arm_quantizer.py │ │ ├── arm_quantizer_utils.py │ │ ├── quantization_annotator.py │ │ └── quantization_config.py │ ├── requirements-arm-ethos-u.txt │ ├── requirements-arm-models-test.txt │ ├── requirements-arm-tosa.txt │ ├── requirements-arm-vgf.txt │ ├── runtime │ │ ├── EthosUBackend.cpp │ │ ├── TARGETS │ │ ├── VGFBackend.cpp │ │ ├── VGFSetup.cpp │ │ ├── VGFSetup.h │ │ ├── VelaBinStream.cpp │ │ ├── VelaBinStream.h │ │ └── targets.bzl │ ├── scripts │ │ ├── TOSA_minimal_example.ipynb │ │ ├── build_executor_runner.sh │ │ ├── build_executor_runner_vkml.sh │ │ ├── build_executorch.sh │ │ ├── build_portable_kernels.sh │ │ ├── corstone_utils.cmake │ │ ├── fvp_utils.sh │ │ ├── install_models_for_test.sh │ │ ├── mlsdk_utils.sh │ │ ├── parse_test_names.py │ │ ├── pre-commit │ │ ├── pre-push │ │ ├── run_fvp.sh │ │ ├── run_vkml.sh │ │ ├── setup-dev-env.sh │ │ ├── toolchain_utils.sh │ │ ├── utils.sh │ │ └── vulkan_utils.sh │ ├── test │ │ ├── .coveragerc │ │ ├── TARGETS │ │ ├── common.py │ │ ├── conftest.py │ │ ├── misc │ │ │ ├── test_bn_relu_folding_qat.py │ │ │ ├── test_call_operator_submodule.py │ │ │ ├── test_compile_spec.py │ │ │ ├── test_conv_relu_residual_add.py │ │ │ ├── test_custom_partition.py │ │ │ ├── test_debug_feats.py │ │ │ ├── test_debug_hook.py │ │ │ ├── test_dim_order.py │ │ │ ├── test_extract_io_params_tosa.py │ │ │ ├── test_int64.py │ │ │ ├── test_lifted_tensor.py │ │ │ ├── test_model_evaluator.py │ │ │ ├── test_multiple_delegates.py │ │ │ ├── test_multiple_outputs.py │ │ │ ├── test_non_persistent_buffers.py │ │ │ ├── test_outputs_order.py │ │ │ ├── test_partition_decomposed_quantized_ops.py │ │ │ ├── test_pass_required_order.py │ │ │ ├── test_qat_training_loop.py │ │ │ ├── test_quant_custom_meta.py │ │ │ ├── test_save_exported_model.py │ │ │ ├── test_tosa_dialect_conv2d.py │ │ │ ├── test_tosa_dialect_dw_conv2d.py │ │ │ └── test_tosa_spec.py │ │ ├── models │ │ │ ├── stable_diffusion │ │ │ │ ├── stable_diffusion_module_test_configs.py │ │ │ │ ├── test_CLIPTextModelWithProjection.py │ │ │ │ ├── test_SD3Transformer2DModel.py │ │ │ │ ├── test_T5EncoderModel.py │ │ │ │ └── test_vae_AutoencoderKL.py │ │ │ ├── test_conformer.py │ │ │ ├── test_deit_tiny_arm.py │ │ │ ├── test_dl3_arm.py │ │ │ ├── test_inception_v3_arm.py │ │ │ ├── test_llama.py │ │ │ ├── test_lstm_arm.py │ │ │ ├── test_mobilenet_v2_arm.py │ │ │ ├── test_mobilenet_v3_arm.py │ │ │ ├── test_nn_functional.py │ │ │ ├── test_nn_modules.py │ │ │ ├── test_nss.py │ │ │ ├── test_resnet18.py │ │ │ ├── test_torch_functions.py │ │ │ └── test_w2l_arm.py │ │ ├── ops │ │ │ ├── test_abs.py │ │ │ ├── test_acos.py │ │ │ ├── test_acosh.py │ │ │ ├── test_adaptive_avg_pool2d.py │ │ │ ├── test_add.py │ │ │ ├── test_addmm.py │ │ │ ├── test_alias_copy.py │ │ │ ├── test_amax.py │ │ │ ├── test_amin.py │ │ │ ├── test_any.py │ │ │ ├── test_arange.py │ │ │ ├── test_asin.py │ │ │ ├── test_asinh.py │ │ │ ├── test_at.py │ │ │ ├── test_atan.py │ │ │ ├── test_atanh.py │ │ │ ├── test_avg_pool2d.py │ │ │ ├── test_batch_norm.py │ │ │ ├── test_bitwise.py │ │ │ ├── test_bitwise_not.py │ │ │ ├── test_bmm.py │ │ │ ├── test_cat.py │ │ │ ├── test_ceil.py │ │ │ ├── test_clamp.py │ │ │ ├── test_clone.py │ │ │ ├── test_cond.py │ │ │ ├── test_constant_pad_nd.py │ │ │ ├── test_conv1d.py │ │ │ ├── test_conv2d.py │ │ │ ├── test_conv3d.py │ │ │ ├── test_conv_combos.py │ │ │ ├── test_conv_constant_pad_nd.py │ │ │ ├── test_copy.py │ │ │ ├── test_cos.py │ │ │ ├── test_cosh.py │ │ │ ├── test_cumsum.py │ │ │ ├── test_depthwise_conv.py │ │ │ ├── test_div.py │ │ │ ├── test_div_tensor_mode.py │ │ │ ├── test_elu.py │ │ │ ├── test_embedding.py │ │ │ ├── test_eq.py │ │ │ ├── test_erf.py │ │ │ ├── test_exp.py │ │ │ ├── test_expand.py │ │ │ ├── test_expm1.py │ │ │ ├── test_eye.py │ │ │ ├── test_fill_scalar.py │ │ │ ├── test_floor.py │ │ │ ├── test_floor_div.py │ │ │ ├── test_full.py │ │ │ ├── test_ge.py │ │ │ ├── test_gelu.py │ │ │ ├── test_glu.py │ │ │ ├── test_group_norm.py │ │ │ ├── test_gt.py │ │ │ ├── test_hardsigmoid.py │ │ │ ├── test_hardswish.py │ │ │ ├── test_hardtanh.py │ │ │ ├── test_index_select.py │ │ │ ├── test_index_tensor.py │ │ │ ├── test_layer_norm.py │ │ │ ├── test_le.py │ │ │ ├── test_leaky_relu.py │ │ │ ├── test_linalg_vector_norm.py │ │ │ ├── test_linear.py │ │ │ ├── test_log.py │ │ │ ├── test_logical.py │ │ │ ├── test_logit.py │ │ │ ├── test_logsoftmax.py │ │ │ ├── test_lshift.py │ │ │ ├── test_lt.py │ │ │ ├── test_masked_fill.py │ │ │ ├── test_matmul.py │ │ │ ├── test_max_pool.py │ │ │ ├── test_maximum.py │ │ │ ├── test_mean_dim.py │ │ │ ├── test_minimum.py │ │ │ ├── test_mm.py │ │ │ ├── test_mul.py │ │ │ ├── test_multihead_attention.py │ │ │ ├── test_ne.py │ │ │ ├── test_neg.py │ │ │ ├── test_ones.py │ │ │ ├── test_permute.py │ │ │ ├── test_pixel_shuffling.py │ │ │ ├── test_pow.py │ │ │ ├── test_reciprocal.py │ │ │ ├── test_relu.py │ │ │ ├── test_remainder.py │ │ │ ├── test_repeat.py │ │ │ ├── test_round.py │ │ │ ├── test_rshift.py │ │ │ ├── test_rsqrt.py │ │ │ ├── test_rsub.py │ │ │ ├── test_scalar_tensor.py │ │ │ ├── test_scalars.py │ │ │ ├── test_sdpa.py │ │ │ ├── test_select.py │ │ │ ├── test_sigmoid.py │ │ │ ├── test_sigmoid_32bit.py │ │ │ ├── test_sign.py │ │ │ ├── test_silu.py │ │ │ ├── test_sin.py │ │ │ ├── test_sinh.py │ │ │ ├── test_slice.py │ │ │ ├── test_softmax.py │ │ │ ├── test_split.py │ │ │ ├── test_sqrt.py │ │ │ ├── test_squeeze.py │ │ │ ├── test_stack.py │ │ │ ├── test_sub.py │ │ │ ├── test_sum.py │ │ │ ├── test_t_copy.py │ │ │ ├── test_tanh.py │ │ │ ├── test_to_copy.py │ │ │ ├── test_transpose_copy.py │ │ │ ├── test_unary_combos.py │ │ │ ├── test_unbind.py │ │ │ ├── test_unflatten.py │ │ │ ├── test_unsqueeze.py │ │ │ ├── test_upsample_bilinear2d.py │ │ │ ├── test_upsample_nearest2d.py │ │ │ ├── test_var.py │ │ │ ├── test_view.py │ │ │ ├── test_where.py │ │ │ ├── test_while.py │ │ │ └── test_zeros.py │ │ ├── passes │ │ │ ├── test_broadcast_args_pass.py │ │ │ ├── test_cast_int64_pass.py │ │ │ ├── test_convert_expand_copy_to_repeat.py │ │ │ ├── test_convert_int64_const_ops_to_int32.py │ │ │ ├── test_convert_int64_output_ops_to_int32.py │ │ │ ├── test_convert_permute_singleton_to_view_pass.py │ │ │ ├── test_convert_split_to_slice.py │ │ │ ├── test_convert_to_clamp.py │ │ │ ├── test_decompose_avg_pool2d_pass.py │ │ │ ├── test_decompose_cosine_similarity_pass.py │ │ │ ├── test_decompose_div_pass.py │ │ │ ├── test_decompose_int_pow_pass.py │ │ │ ├── test_decompose_layernorm_pass.py │ │ │ ├── test_decompose_linalg_vector_norm_pass.py │ │ │ ├── test_decompose_meandim_pass.py │ │ │ ├── test_decompose_softmax_pass.py │ │ │ ├── test_decompose_var_pass.py │ │ │ ├── test_decorate_fp32_to_int32_casting_pass.py │ │ │ ├── test_fold_qdq_pass.py │ │ │ ├── test_fuse_batchnorm_pass.py │ │ │ ├── test_fuse_constant_ops_pass.py │ │ │ ├── test_fuse_duplicate_users_pass.py │ │ │ ├── test_fuse_equal_placeholders_ops_pass.py │ │ │ ├── test_fuse_view_copy.py │ │ │ ├── test_insert_int32_casts_after_int64_placeholders_pass.py │ │ │ ├── test_insert_rescale_i32_pass.py │ │ │ ├── test_insert_table_ops_pass.py │ │ │ ├── test_int32_cast_embedding_pass.py │ │ │ ├── test_ioquantization_pass.py │ │ │ ├── test_remove_clone_pass.py │ │ │ ├── test_rescale_pass.py │ │ │ ├── test_to_tosa_memory_format.py │ │ │ └── test_unsqueeze_before_repeat_pass.py │ │ ├── pytest.ini │ │ ├── quantizer │ │ │ ├── test_generic_annotater.py │ │ │ └── test_set_module_name.py │ │ ├── runner_utils.py │ │ ├── setup_testing.sh │ │ ├── setup_testing_vkml.sh │ │ ├── targets.bzl │ │ ├── test_arm_baremetal.sh │ │ ├── test_arm_ootb.sh │ │ ├── test_memory_allocator_log.py │ │ ├── test_model.py │ │ ├── tester │ │ │ ├── __init__.py │ │ │ ├── analyze_output_utils.py │ │ │ ├── arm_tester.py │ │ │ ├── quantize.py │ │ │ ├── serialize.py │ │ │ └── test_pipeline.py │ │ └── tosautil │ │ │ └── __init__.py │ ├── tosa │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── backend.py │ │ ├── compile_spec.py │ │ ├── dialect │ │ │ ├── TARGETS │ │ │ ├── __init__.py │ │ │ ├── lib.py │ │ │ ├── ops │ │ │ │ ├── conv2d.py │ │ │ │ ├── depthwise_conv2d.py │ │ │ │ ├── matmul.py │ │ │ │ ├── rescale.py │ │ │ │ ├── resize.py │ │ │ │ ├── table.py │ │ │ │ └── transpose.py │ │ │ └── ops_registration.py │ │ ├── mapping.py │ │ ├── partitioner.py │ │ ├── schemas │ │ │ ├── README.md │ │ │ └── tosa_1.0.fbs │ │ ├── specification.py │ │ └── utils.py │ ├── util │ │ ├── _factory.py │ │ └── arm_model_evaluator.py │ └── vgf │ │ ├── __init__.py │ │ ├── backend.py │ │ ├── compile_spec.py │ │ ├── model_converter.py │ │ └── partitioner.py ├── backends.bzl ├── cadence │ ├── .gitignore │ ├── CMakeLists.txt │ ├── README.md │ ├── aot │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── compiler.py │ │ ├── compiler_funcs.py │ │ ├── compiler_utils.py │ │ ├── decompose_ops.py │ │ ├── export_example.py │ │ ├── functions.yaml │ │ ├── functions_fusion_g3.yaml │ │ ├── functions_hifi.yaml │ │ ├── functions_vision.yaml │ │ ├── fuse_ops.py │ │ ├── graph_builder.py │ │ ├── memory_constraints.py │ │ ├── memory_planning.py │ │ ├── memory_planning_algo.py │ │ ├── ops_registrations.py │ │ ├── pass_utils.py │ │ ├── passes.py │ │ ├── program_builder.py │ │ ├── quantizer │ │ │ ├── TARGETS │ │ │ ├── fusion_pass.py │ │ │ ├── patterns.py │ │ │ ├── quantizer.py │ │ │ └── utils.py │ │ ├── ref_implementations.py │ │ ├── remove_ops.py │ │ ├── reorder_ops.py │ │ ├── replace_ops.py │ │ ├── simplify_ops.py │ │ ├── tests │ │ │ ├── test_decompose_ops_passes.py │ │ │ ├── test_fusion_ops_passes.py │ │ │ ├── test_graph_builder.py │ │ │ ├── test_idma_ops.py │ │ │ ├── test_memory_passes.py │ │ │ ├── test_pass_filter.py │ │ │ ├── test_program_builder.py │ │ │ ├── test_quantizer_ops.py │ │ │ ├── test_ref_implementations.py │ │ │ ├── test_remove_ops_passes.py │ │ │ ├── test_reorder_ops_passes.py │ │ │ ├── test_replace_ops_passes.py │ │ │ ├── test_simplify_ops_passes.py │ │ │ └── test_type_dispatch_passes.py │ │ ├── type_dispatch.py │ │ ├── typing_stubs.py │ │ └── utils.py │ ├── build_cadence_fusionG3.sh │ ├── build_cadence_hifi4.sh │ ├── build_cadence_runner.sh │ ├── build_cadence_vision.sh │ ├── cadence.cmake │ ├── common │ │ └── xt_macros.h │ ├── executor_runner.cpp │ ├── fusion_g3 │ │ ├── operators │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── op_add.cpp │ │ │ ├── op_cat.cpp │ │ │ ├── op_clamp.cpp │ │ │ ├── op_dequantize.cpp │ │ │ ├── op_div.cpp │ │ │ ├── op_exp.cpp │ │ │ ├── op_hardtanh.cpp │ │ │ ├── op_lt.cpp │ │ │ ├── op_mean.cpp │ │ │ ├── op_mul.cpp │ │ │ ├── op_native_layer_norm.cpp │ │ │ ├── op_permute_copy.cpp │ │ │ ├── op_quantize.cpp │ │ │ ├── op_rsqrt.cpp │ │ │ ├── op_sigmoid.cpp │ │ │ ├── op_slice_copy.cpp │ │ │ ├── op_softmax.cpp │ │ │ ├── op_sqrt.cpp │ │ │ ├── op_sub.cpp │ │ │ ├── op_tanh.cpp │ │ │ ├── op_transpose_copy.cpp │ │ │ ├── op_where.cpp │ │ │ ├── operators.h │ │ │ ├── targets.bzl │ │ │ ├── tests │ │ │ │ └── test_op_add.cpp │ │ │ └── xt_utils.h │ │ └── third-party │ │ │ └── nnlib │ │ │ └── CMakeLists.txt │ ├── generic │ │ ├── kernels │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── kernels.cpp │ │ │ ├── kernels.h │ │ │ └── targets.bzl │ │ └── operators │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── op_dequantize_per_tensor.cpp │ │ │ ├── op_dequantize_per_tensor.h │ │ │ ├── op_im2row.cpp │ │ │ ├── op_im2row.h │ │ │ ├── op_linalg_svd.cpp │ │ │ ├── op_linalg_svd.h │ │ │ ├── op_quantize_per_tensor.cpp │ │ │ ├── op_quantize_per_tensor.h │ │ │ ├── op_requantize_out.cpp │ │ │ ├── op_roi_align_box_processor.cpp │ │ │ ├── op_roi_align_box_processor.h │ │ │ ├── op_rope.cpp │ │ │ ├── op_rope.h │ │ │ ├── op_where_scalar.cpp │ │ │ ├── op_where_scalar.h │ │ │ ├── operators.h │ │ │ ├── quantized_add_out.cpp │ │ │ ├── quantized_conv2d_nchw_out.cpp │ │ │ ├── quantized_conv2d_nhwc_out.cpp │ │ │ ├── quantized_fully_connected_out.cpp │ │ │ ├── quantized_layer_norm.cpp │ │ │ ├── quantized_linear_out.cpp │ │ │ ├── quantized_matmul_out.cpp │ │ │ ├── quantized_ops.h │ │ │ ├── quantized_relu_out.cpp │ │ │ └── targets.bzl │ ├── hifi │ │ ├── kernels │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── kernels.cpp │ │ │ ├── kernels.h │ │ │ └── targets.bzl │ │ ├── operators │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── op_add.cpp │ │ │ ├── op_atan2.cpp │ │ │ ├── op_bitwise_and.cpp │ │ │ ├── op_bitwise_or.cpp │ │ │ ├── op_bitwise_xor.cpp │ │ │ ├── op_bmm.cpp │ │ │ ├── op_cat.cpp │ │ │ ├── op_clamp.cpp │ │ │ ├── op_dequantize_per_tensor.cpp │ │ │ ├── op_dequantize_per_tensor_asym8s.cpp │ │ │ ├── op_div.cpp │ │ │ ├── op_embedding.cpp │ │ │ ├── op_eq.cpp │ │ │ ├── op_fmod.cpp │ │ │ ├── op_full.cpp │ │ │ ├── op_ge.cpp │ │ │ ├── op_gt.cpp │ │ │ ├── op_hardtanh.cpp │ │ │ ├── op_le.cpp │ │ │ ├── op_lt.cpp │ │ │ ├── op_masked_fill.cpp │ │ │ ├── op_maximum.cpp │ │ │ ├── op_mean.cpp │ │ │ ├── op_minimum.cpp │ │ │ ├── op_mm.cpp │ │ │ ├── op_mul.cpp │ │ │ ├── op_ne.cpp │ │ │ ├── op_permute_copy.cpp │ │ │ ├── op_pow.cpp │ │ │ ├── op_quantize_per_tensor.cpp │ │ │ ├── op_quantize_per_tensor_asym8s.cpp │ │ │ ├── op_quantized_add_asym8sxasym8s_asym8s_per_tensor_out.cpp │ │ │ ├── op_quantized_add_asym8uxasym8u_asym8u_per_tensor_out.cpp │ │ │ ├── op_quantized_conv1d_ncl_asym8sxsym8s_asym8s_per_tensor_out.cpp │ │ │ ├── op_quantized_conv1d_ncl_asym8uxsym8u_asym8u_per_tensor_out.cpp │ │ │ ├── op_quantized_conv1d_nlc_asym8sxsym8s_asym8s_per_tensor_out.cpp │ │ │ ├── op_quantized_conv1d_nlc_asym8uxsym8u_asym8u_per_tensor_out.cpp │ │ │ ├── op_quantized_conv2d_nchw_asym8sxsym8s_asym8s_per_tensor_out.cpp │ │ │ ├── op_quantized_conv2d_nchw_asym8uxsym8u_asym8u_per_tensor_out.cpp │ │ │ ├── op_quantized_conv2d_nchw_depthwise_asym8sxsym8s_asym8s_per_tensor_out.cpp │ │ │ ├── op_quantized_conv2d_nchw_depthwise_asym8uxsym8u_asym8u_per_tensor_out.cpp │ │ │ ├── op_quantized_conv2d_nchw_dilated_asym8sxsym8s_asym8s_per_tensor_out.cpp │ │ │ ├── op_quantized_conv2d_nchw_dilated_asym8uxsym8u_asym8u_per_tensor_out.cpp │ │ │ ├── op_quantized_conv2d_nchw_out.cpp │ │ │ ├── op_quantized_conv2d_nhwc_asym8sxsym8s_asym8s_per_tensor_out.cpp │ │ │ ├── op_quantized_conv2d_nhwc_asym8uxsym8u_asym8u_per_tensor_out.cpp │ │ │ ├── op_quantized_conv2d_nhwc_depthwise_asym8sxsym8s_asym8s_per_tensor_out.cpp │ │ │ ├── op_quantized_conv2d_nhwc_depthwise_asym8uxsym8u_asym8u_per_tensor_out.cpp │ │ │ ├── op_quantized_conv2d_nhwc_dilated_asym8sxsym8s_asym8s_per_tensor_out.cpp │ │ │ ├── op_quantized_conv2d_nhwc_dilated_asym8uxsym8u_asym8u_per_tensor_out.cpp │ │ │ ├── op_quantized_conv2d_nhwc_out.cpp │ │ │ ├── op_quantized_fully_connected_asym8sxasym8s_asym8s_per_tensor_out.cpp │ │ │ ├── op_quantized_fully_connected_asym8uxasym8u_asym8u_per_tensor_out.cpp │ │ │ ├── op_quantized_fully_connected_out.cpp │ │ │ ├── op_quantized_layer_norm.cpp │ │ │ ├── op_quantized_linear_asym8sxasym8s_asym8s_per_tensor_out.cpp │ │ │ ├── op_quantized_linear_asym8uxasym8u_asym8u_per_tensor_out.cpp │ │ │ ├── op_quantized_linear_out.cpp │ │ │ ├── op_quantized_matmul_asym8sxasym8s_asym8s_out.cpp │ │ │ ├── op_quantized_matmul_asym8uxasym8u_asym8u_out.cpp │ │ │ ├── op_quantized_matmul_out.cpp │ │ │ ├── op_quantized_relu_asym8s_asym8s_per_tensor_out.cpp │ │ │ ├── op_quantized_relu_asym8u_asym8u_per_tensor_out.cpp │ │ │ ├── op_quantized_relu_out.cpp │ │ │ ├── op_remainder.cpp │ │ │ ├── op_rsqrt.cpp │ │ │ ├── op_select_copy.cpp │ │ │ ├── op_sigmoid.cpp │ │ │ ├── op_slice_copy.cpp │ │ │ ├── op_softmax.cpp │ │ │ ├── op_softmax_f32_f32.cpp │ │ │ ├── op_split_with_sizes_copy.cpp │ │ │ ├── op_sub.cpp │ │ │ ├── op_tanh.cpp │ │ │ ├── op_view_copy.cpp │ │ │ ├── op_where.cpp │ │ │ ├── operators.h │ │ │ ├── targets.bzl │ │ │ └── tests │ │ │ │ ├── test_op_cat.cpp │ │ │ │ ├── test_op_dequantize_per_tensor_out.cpp │ │ │ │ ├── test_op_div.cpp │ │ │ │ ├── test_op_permute_copy.cpp │ │ │ │ ├── test_op_quantize_per_tensor.cpp │ │ │ │ └── test_op_quantized_relu_out.cpp │ │ └── third-party │ │ │ └── nnlib │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── license.txt │ │ │ ├── matmul_asym8uxasym8u_asym8u.cpp │ │ │ ├── matmul_asym8uxasym8u_asym8u_macros.h │ │ │ ├── targets.bzl │ │ │ ├── xa_nn_broadcast_32.c │ │ │ ├── xa_nn_broadcast_32_32.c │ │ │ ├── xa_nn_concat_32.c │ │ │ ├── xa_nn_elm_add_f32_broadcast.c │ │ │ ├── xa_nn_elm_atan2_f32.c │ │ │ ├── xa_nn_elm_clamp_f32_broadcast.c │ │ │ ├── xa_nn_elm_div_f32_broadcast.c │ │ │ ├── xa_nn_elm_div_mode_f32_broadcast.c │ │ │ ├── xa_nn_elm_fmod_broadcast_f32.c │ │ │ ├── xa_nn_elm_logicalxor_bool_bool.c │ │ │ ├── xa_nn_elm_minimum_maximum_f32.c │ │ │ ├── xa_nn_elm_mul_f32_broadcast.c │ │ │ ├── xa_nn_elm_pow_f32.c │ │ │ ├── xa_nn_elm_remainder_broadcast_f32.c │ │ │ ├── xa_nn_elm_where_f32xf32_f32.c │ │ │ ├── xa_nn_greater_lesser_equal_f32.c │ │ │ ├── xa_nn_reduce_32_32.c │ │ │ ├── xa_nn_transpose_32.c │ │ │ ├── xa_nn_transpose_8.c │ │ │ └── xa_nnlib_matmul_unroll_macros.h │ ├── install_requirements.sh │ ├── runtime │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── et_pal.cpp │ │ ├── etdump.py │ │ ├── executor.py │ │ ├── executor_main.sh │ │ ├── runtime.py │ │ ├── targets.bzl │ │ └── utils.py │ ├── utils │ │ ├── TARGETS │ │ ├── facto_util.py │ │ ├── gen_header.py │ │ ├── post_compilation.py │ │ └── targets.bzl │ └── vision │ │ ├── kernels │ │ ├── CMakeLists.txt │ │ ├── kernels.cpp │ │ ├── kernels.h │ │ └── targets.bzl │ │ ├── operators │ │ ├── CMakeLists.txt │ │ ├── op_add.cpp │ │ ├── op_dequantize_per_tensor.cpp │ │ ├── op_embedding.cpp │ │ ├── op_full.cpp │ │ ├── op_im2row_out.cpp │ │ ├── op_quantize_per_tensor.cpp │ │ ├── op_quantized_conv_out.cpp │ │ ├── op_quantized_fully_connected_out.cpp │ │ ├── op_quantized_layer_norm.cpp │ │ ├── op_quantized_linear_out.cpp │ │ ├── op_quantized_matmul_out.cpp │ │ ├── op_quantized_relu_out.cpp │ │ ├── op_requantize_out.cpp │ │ ├── op_softmax.cpp │ │ ├── op_view_copy.cpp │ │ ├── operators.h │ │ ├── quantized_ops.h │ │ └── targets.bzl │ │ └── third-party │ │ ├── dummy.c │ │ ├── include │ │ ├── api.h │ │ └── dtypes.h │ │ ├── include_private │ │ ├── common.h │ │ ├── expf_tbl.h │ │ ├── idma_init.h │ │ ├── inff_tbl.h │ │ └── nanf_tbl.h │ │ ├── library │ │ ├── api │ │ │ ├── tensor_transposef.c │ │ │ └── vsoftmaxf.c │ │ └── tables │ │ │ ├── expf_tbl.c │ │ │ ├── inff_tbl.c │ │ │ └── nanf_tbl.c │ │ └── targets.bzl ├── cortex_m │ ├── CMakeLists.txt │ ├── README.md │ ├── ops │ │ ├── TARGETS │ │ ├── cmsis_scratch_buffer_context.h │ │ ├── cortex_m_ops_common.h │ │ ├── op_dequantize_per_tensor.cpp │ │ ├── op_maximum.cpp │ │ ├── op_minimum.cpp │ │ ├── op_quantize_per_tensor.cpp │ │ ├── op_quantized_add.cpp │ │ ├── op_quantized_conv2d.cpp │ │ ├── op_quantized_linear.cpp │ │ ├── op_quantized_mul.cpp │ │ ├── op_transpose.cpp │ │ ├── operators.py │ │ ├── operators.yaml │ │ └── targets.bzl │ ├── passes │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── activation_fusion_pass.py │ │ ├── clamp_hardswish_pass.py │ │ ├── convert_to_cortex_m_pass.py │ │ ├── cortex_m_pass_manager.py │ │ ├── decompose_hardswish_pass.py │ │ ├── passes_utils.py │ │ ├── quantized_op_fusion_pass.py │ │ └── replace_quant_nodes_pass.py │ ├── quantizer │ │ ├── operator_configs.py │ │ ├── quantization_configs.py │ │ └── quantizer.py │ └── test │ │ ├── TARGETS │ │ ├── build_test_runner.sh │ │ ├── misc │ │ └── test_quantization.py │ │ ├── models │ │ ├── __init__.py │ │ └── test_mobilenet_v3.py │ │ ├── op_dequantize_per_tensor_test.cpp │ │ ├── op_quantize_per_tensor_test.cpp │ │ ├── ops │ │ ├── __init__.py │ │ ├── test_activation.py │ │ ├── test_add.py │ │ ├── test_conv.py │ │ ├── test_linear.py │ │ ├── test_lstm.py │ │ ├── test_maximum.py │ │ ├── test_minimum.py │ │ ├── test_mul.py │ │ └── test_transpose.py │ │ ├── targets.bzl │ │ ├── test_helpers_passes_utils.py │ │ ├── test_replace_quant_nodes.py │ │ └── tester.py ├── cuda │ ├── CMakeLists.txt │ ├── TARGETS │ ├── __init__.py │ ├── cuda_backend.py │ ├── cuda_partitioner.py │ ├── runtime │ │ ├── TARGETS │ │ ├── aoti_cuda_shims.lib │ │ ├── cuda_backend.cpp │ │ ├── guard.cpp │ │ ├── guard.h │ │ ├── memory_tracker.h │ │ ├── platform │ │ │ ├── platform.cpp │ │ │ └── platform.h │ │ ├── shims │ │ │ ├── cuda_guard.cpp │ │ │ ├── cuda_guard.h │ │ │ ├── int4mm.cu │ │ │ ├── int4mm.cuh │ │ │ ├── int4mm.h │ │ │ ├── memory.cpp │ │ │ ├── memory.h │ │ │ ├── tensor_attribute.cpp │ │ │ ├── tensor_attribute.h │ │ │ └── tests │ │ │ │ ├── TARGETS │ │ │ │ ├── targets.bzl │ │ │ │ ├── test_aoti_torch__reinterpret_tensor.cpp │ │ │ │ ├── test_aoti_torch_copy_.cpp │ │ │ │ ├── test_aoti_torch_create_tensor_from_blob_v2.cpp │ │ │ │ ├── test_aoti_torch_cuda__weight_int4pack_mm.cpp │ │ │ │ ├── test_aoti_torch_cuda_guard.cpp │ │ │ │ ├── test_aoti_torch_delete_tensor_object.cpp │ │ │ │ ├── test_aoti_torch_empty_strided.cpp │ │ │ │ └── test_aoti_torch_new_tensor_handle.cpp │ │ ├── tensor │ │ │ ├── tensor_maker.cpp │ │ │ └── tensor_maker.h │ │ ├── tests │ │ │ ├── TARGETS │ │ │ ├── targets.bzl │ │ │ ├── test_cuda_guard.cpp │ │ │ └── test_cuda_stream_guard.cpp │ │ └── utils.h │ ├── tests │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── test_cuda_export.py │ │ └── test_cuda_partitioner.py │ └── triton │ │ ├── __init__.py │ │ ├── kernels │ │ ├── __init__.py │ │ └── sdpa.py │ │ └── replacement_pass.py ├── example │ ├── README.md │ ├── TARGETS │ ├── diagrams │ │ ├── delegate.png │ │ ├── memory_permute.png │ │ └── quantize_delegate.png │ ├── example_backend.py │ ├── example_backend_delegate_passes │ │ ├── TARGETS │ │ ├── merge_to_dim_pass.py │ │ └── permute_memory_formats_pass.py │ ├── example_operators │ │ ├── TARGETS │ │ ├── adaptive_avg_pool2d.py │ │ ├── add.py │ │ ├── conv2d.py │ │ ├── conv_relu.py │ │ ├── dropout.py │ │ ├── flatten.py │ │ ├── linear.py │ │ ├── op_base.py │ │ ├── ops.py │ │ └── utils.py │ ├── example_partitioner.py │ ├── example_quantizer.py │ └── test_example_delegate.py ├── mediatek │ ├── CMakeLists.txt │ ├── README.md │ ├── __init__.py │ ├── _passes │ │ ├── __init__.py │ │ └── decompose_scaled_dot_product_attention.py │ ├── partitioner.py │ ├── preprocess.py │ ├── quantizer │ │ ├── __init__.py │ │ ├── annotator.py │ │ ├── qconfig.py │ │ └── quantizer.py │ ├── requirements.txt │ ├── runtime │ │ ├── NeuronBackend.cpp │ │ ├── NeuronBufferAllocator.cpp │ │ ├── NeuronExecutor.cpp │ │ └── include │ │ │ ├── NeuronBackend.h │ │ │ ├── NeuronBufferAllocator.h │ │ │ ├── NeuronExecutor.h │ │ │ ├── NeuronLog.h │ │ │ ├── NeuronPayloadHeader.h │ │ │ └── api │ │ │ ├── APUWareUtilsLib.h │ │ │ └── NeuronAdapterShim.h │ └── scripts │ │ └── mtk_build.sh ├── nxp │ ├── CMakeLists.txt │ ├── README.md │ ├── TARGETS │ ├── _passes │ │ └── remove_getitem_pass.py │ ├── aten_passes │ │ ├── fuse_batch_norm_with_conv_pass.py │ │ ├── fuse_batch_norm_with_linear_pass.py │ │ ├── fuse_linear_and_add_pass.py │ │ ├── move_activation_before_concat.py │ │ ├── neutron_aten_pass_manager.py │ │ ├── remove_nodes_with_known_outputs.py │ │ ├── split_group_convolution.py │ │ └── split_gru_based_on_num_layers.py │ ├── backend │ │ ├── custom_delegation_options.py │ │ ├── edge_helper.py │ │ ├── edge_program_converter.py │ │ ├── ir │ │ │ ├── conversion_config.py │ │ │ ├── conversion_context.py │ │ │ ├── converter │ │ │ │ ├── __init__.py │ │ │ │ ├── builder │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── aten_model_builder_director.py │ │ │ │ │ ├── model_builder.py │ │ │ │ │ └── quantization_verification.py │ │ │ │ ├── conversion │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── aten_translator.py │ │ │ │ │ ├── common.py │ │ │ │ │ └── translator.py │ │ │ │ ├── node_converter.py │ │ │ │ ├── node_converters │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── ops_converters │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── abs_converter.py │ │ │ │ │ │ ├── adaptive_avg_pool_2d_converter.py │ │ │ │ │ │ ├── add_tensor_converter.py │ │ │ │ │ │ ├── addmm_converter.py │ │ │ │ │ │ ├── avg_pool_2d_converter.py │ │ │ │ │ │ ├── cat_converter.py │ │ │ │ │ │ ├── clone_converter.py │ │ │ │ │ │ ├── constant_pad_nd_converter.py │ │ │ │ │ │ ├── convolution_converter.py │ │ │ │ │ │ ├── hardtanh_converter.py │ │ │ │ │ │ ├── max_pool_2d_converter.py │ │ │ │ │ │ ├── mean_dim_converter.py │ │ │ │ │ │ ├── mm_converter.py │ │ │ │ │ │ ├── permute_copy_converter.py │ │ │ │ │ │ ├── qdq_dequantize_converter.py │ │ │ │ │ │ ├── qdq_quantize_converter.py │ │ │ │ │ │ ├── relu_converter.py │ │ │ │ │ │ ├── sigmoid_converter.py │ │ │ │ │ │ ├── softmax_converter.py │ │ │ │ │ │ ├── sub_tensor_converter.py │ │ │ │ │ │ ├── tanh_converter.py │ │ │ │ │ │ └── view_copy_converter.py │ │ │ │ │ └── shared │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── conv_utils.py │ │ │ │ │ │ ├── recurrent_utils.py │ │ │ │ │ │ ├── reduce_utils.py │ │ │ │ │ │ └── reshape_transposition.py │ │ │ │ ├── quantization_utils.py │ │ │ │ └── tensor_utils.py │ │ │ ├── lib │ │ │ │ ├── LICENSE_APACHE_2.0 │ │ │ │ ├── __init__.py │ │ │ │ └── tflite │ │ │ │ │ ├── ATan2Options.py │ │ │ │ │ ├── AbsOptions.py │ │ │ │ │ ├── ActivationFunctionType.py │ │ │ │ │ ├── AddNOptions.py │ │ │ │ │ ├── AddOptions.py │ │ │ │ │ ├── ArgMaxOptions.py │ │ │ │ │ ├── ArgMinOptions.py │ │ │ │ │ ├── AssignVariableOptions.py │ │ │ │ │ ├── BatchMatMulOptions.py │ │ │ │ │ ├── BatchToSpaceNDOptions.py │ │ │ │ │ ├── BidirectionalSequenceLSTMOptions.py │ │ │ │ │ ├── BidirectionalSequenceRNNOptions.py │ │ │ │ │ ├── BitcastOptions.py │ │ │ │ │ ├── BitwiseXorOptions.py │ │ │ │ │ ├── BroadcastToOptions.py │ │ │ │ │ ├── BucketizeOptions.py │ │ │ │ │ ├── Buffer.py │ │ │ │ │ ├── BuiltinOperator.py │ │ │ │ │ ├── BuiltinOptions.py │ │ │ │ │ ├── BuiltinOptions2.py │ │ │ │ │ ├── CallOnceOptions.py │ │ │ │ │ ├── CallOptions.py │ │ │ │ │ ├── CastOptions.py │ │ │ │ │ ├── CombinerType.py │ │ │ │ │ ├── ConcatEmbeddingsOptions.py │ │ │ │ │ ├── ConcatenationOptions.py │ │ │ │ │ ├── Conv2DOptions.py │ │ │ │ │ ├── Conv3DOptions.py │ │ │ │ │ ├── CosOptions.py │ │ │ │ │ ├── CumsumOptions.py │ │ │ │ │ ├── CustomOptionsFormat.py │ │ │ │ │ ├── CustomQuantization.py │ │ │ │ │ ├── DensifyOptions.py │ │ │ │ │ ├── DepthToSpaceOptions.py │ │ │ │ │ ├── DepthwiseConv2DOptions.py │ │ │ │ │ ├── DequantizeOptions.py │ │ │ │ │ ├── DilateOptions.py │ │ │ │ │ ├── DimensionMetadata.py │ │ │ │ │ ├── DimensionType.py │ │ │ │ │ ├── DivOptions.py │ │ │ │ │ ├── DynamicUpdateSliceOptions.py │ │ │ │ │ ├── EmbeddingLookupSparseOptions.py │ │ │ │ │ ├── EqualOptions.py │ │ │ │ │ ├── ExpOptions.py │ │ │ │ │ ├── ExpandDimsOptions.py │ │ │ │ │ ├── FakeQuantOptions.py │ │ │ │ │ ├── FillOptions.py │ │ │ │ │ ├── FloorDivOptions.py │ │ │ │ │ ├── FloorModOptions.py │ │ │ │ │ ├── FullyConnectedOptions.py │ │ │ │ │ ├── FullyConnectedOptionsWeightsFormat.py │ │ │ │ │ ├── GatherNdOptions.py │ │ │ │ │ ├── GatherOptions.py │ │ │ │ │ ├── GeluOptions.py │ │ │ │ │ ├── GreaterEqualOptions.py │ │ │ │ │ ├── GreaterOptions.py │ │ │ │ │ ├── HardSwishOptions.py │ │ │ │ │ ├── HashtableFindOptions.py │ │ │ │ │ ├── HashtableImportOptions.py │ │ │ │ │ ├── HashtableOptions.py │ │ │ │ │ ├── HashtableSizeOptions.py │ │ │ │ │ ├── IfOptions.py │ │ │ │ │ ├── Int32Vector.py │ │ │ │ │ ├── L2NormOptions.py │ │ │ │ │ ├── LSHProjectionOptions.py │ │ │ │ │ ├── LSHProjectionType.py │ │ │ │ │ ├── LSTMKernelType.py │ │ │ │ │ ├── LSTMOptions.py │ │ │ │ │ ├── LeakyReluOptions.py │ │ │ │ │ ├── LessEqualOptions.py │ │ │ │ │ ├── LessOptions.py │ │ │ │ │ ├── LocalResponseNormalizationOptions.py │ │ │ │ │ ├── LogSoftmaxOptions.py │ │ │ │ │ ├── LogicalAndOptions.py │ │ │ │ │ ├── LogicalNotOptions.py │ │ │ │ │ ├── LogicalOrOptions.py │ │ │ │ │ ├── MatrixDiagOptions.py │ │ │ │ │ ├── MatrixSetDiagOptions.py │ │ │ │ │ ├── MaximumMinimumOptions.py │ │ │ │ │ ├── Metadata.py │ │ │ │ │ ├── MirrorPadMode.py │ │ │ │ │ ├── MirrorPadOptions.py │ │ │ │ │ ├── Model.py │ │ │ │ │ ├── MulOptions.py │ │ │ │ │ ├── NegOptions.py │ │ │ │ │ ├── NonMaxSuppressionV4Options.py │ │ │ │ │ ├── NonMaxSuppressionV5Options.py │ │ │ │ │ ├── NotEqualOptions.py │ │ │ │ │ ├── OneHotOptions.py │ │ │ │ │ ├── Operator.py │ │ │ │ │ ├── OperatorCode.py │ │ │ │ │ ├── PackOptions.py │ │ │ │ │ ├── PadOptions.py │ │ │ │ │ ├── PadV2Options.py │ │ │ │ │ ├── Padding.py │ │ │ │ │ ├── Pool2DOptions.py │ │ │ │ │ ├── PowOptions.py │ │ │ │ │ ├── QuantizationDetails.py │ │ │ │ │ ├── QuantizationParameters.py │ │ │ │ │ ├── QuantizeOptions.py │ │ │ │ │ ├── RNNOptions.py │ │ │ │ │ ├── RandomOptions.py │ │ │ │ │ ├── RangeOptions.py │ │ │ │ │ ├── RankOptions.py │ │ │ │ │ ├── ReadVariableOptions.py │ │ │ │ │ ├── ReduceWindowFunction.py │ │ │ │ │ ├── ReduceWindowOptions.py │ │ │ │ │ ├── ReducerOptions.py │ │ │ │ │ ├── ReshapeOptions.py │ │ │ │ │ ├── ResizeBilinearOptions.py │ │ │ │ │ ├── ResizeNearestNeighborOptions.py │ │ │ │ │ ├── ReverseSequenceOptions.py │ │ │ │ │ ├── ReverseV2Options.py │ │ │ │ │ ├── Rfft2dOptions.py │ │ │ │ │ ├── RightShiftOptions.py │ │ │ │ │ ├── RngAlgorithm.py │ │ │ │ │ ├── SVDFOptions.py │ │ │ │ │ ├── ScatterNdOptions.py │ │ │ │ │ ├── SegmentSumOptions.py │ │ │ │ │ ├── SelectOptions.py │ │ │ │ │ ├── SelectV2Options.py │ │ │ │ │ ├── SequenceRNNOptions.py │ │ │ │ │ ├── ShapeOptions.py │ │ │ │ │ ├── SignOptions.py │ │ │ │ │ ├── SignatureDef.py │ │ │ │ │ ├── SkipGramOptions.py │ │ │ │ │ ├── SliceOptions.py │ │ │ │ │ ├── SoftmaxOptions.py │ │ │ │ │ ├── SpaceToBatchNDOptions.py │ │ │ │ │ ├── SpaceToDepthOptions.py │ │ │ │ │ ├── SparseIndexVector.py │ │ │ │ │ ├── SparseToDenseOptions.py │ │ │ │ │ ├── SparsityParameters.py │ │ │ │ │ ├── SplitOptions.py │ │ │ │ │ ├── SplitVOptions.py │ │ │ │ │ ├── SquareOptions.py │ │ │ │ │ ├── SquaredDifferenceOptions.py │ │ │ │ │ ├── SqueezeOptions.py │ │ │ │ │ ├── StablehloBroadcastInDimOptions.py │ │ │ │ │ ├── StablehloCompareOptions.py │ │ │ │ │ ├── StablehloComparisonDirection.py │ │ │ │ │ ├── StablehloComparisonType.py │ │ │ │ │ ├── StablehloConcatenateOptions.py │ │ │ │ │ ├── StablehloConvolutionOptions.py │ │ │ │ │ ├── StablehloCustomCallOptions.py │ │ │ │ │ ├── StablehloDotGeneralOptions.py │ │ │ │ │ ├── StablehloDynamicSliceOptions.py │ │ │ │ │ ├── StablehloGatherOptions.py │ │ │ │ │ ├── StablehloIotaOptions.py │ │ │ │ │ ├── StablehloPadOptions.py │ │ │ │ │ ├── StablehloPrecisionConfig.py │ │ │ │ │ ├── StablehloReduceOptions.py │ │ │ │ │ ├── StablehloReduceWindowOptions.py │ │ │ │ │ ├── StablehloRngBitGeneratorOptions.py │ │ │ │ │ ├── StablehloScatterOptions.py │ │ │ │ │ ├── StablehloSliceOptions.py │ │ │ │ │ ├── StablehloSortOptions.py │ │ │ │ │ ├── StablehloTransposeOptions.py │ │ │ │ │ ├── StablehloWhileOptions.py │ │ │ │ │ ├── StridedSliceOptions.py │ │ │ │ │ ├── SubGraph.py │ │ │ │ │ ├── SubOptions.py │ │ │ │ │ ├── Tensor.py │ │ │ │ │ ├── TensorMap.py │ │ │ │ │ ├── TensorType.py │ │ │ │ │ ├── TileOptions.py │ │ │ │ │ ├── TopKV2Options.py │ │ │ │ │ ├── TransposeConvOptions.py │ │ │ │ │ ├── TransposeOptions.py │ │ │ │ │ ├── Uint16Vector.py │ │ │ │ │ ├── Uint8Vector.py │ │ │ │ │ ├── UnidirectionalSequenceLSTMOptions.py │ │ │ │ │ ├── UniqueOptions.py │ │ │ │ │ ├── UnpackOptions.py │ │ │ │ │ ├── UnsortedSegmentMaxOptions.py │ │ │ │ │ ├── UnsortedSegmentMinOptions.py │ │ │ │ │ ├── UnsortedSegmentProdOptions.py │ │ │ │ │ ├── UnsortedSegmentSumOptions.py │ │ │ │ │ ├── VarHandleOptions.py │ │ │ │ │ ├── VariantSubType.py │ │ │ │ │ ├── WhereOptions.py │ │ │ │ │ ├── WhileOptions.py │ │ │ │ │ ├── ZerosLikeOptions.py │ │ │ │ │ └── __init__.py │ │ │ ├── logger.py │ │ │ ├── tensor_formatting.py │ │ │ ├── tflite_generator │ │ │ │ ├── __init__.py │ │ │ │ ├── builtin_options │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── abs_options.py │ │ │ │ │ ├── add_n_options.py │ │ │ │ │ ├── add_options.py │ │ │ │ │ ├── arg_max_options.py │ │ │ │ │ ├── arg_min_options.py │ │ │ │ │ ├── average_pool_2d_options.py │ │ │ │ │ ├── batch_mat_mul_options.py │ │ │ │ │ ├── bidirectional_sequence_lstm_options.py │ │ │ │ │ ├── bidirectional_sequence_rnn_options.py │ │ │ │ │ ├── bitwise_xor_options.py │ │ │ │ │ ├── broadcast_to_options.py │ │ │ │ │ ├── cast_options.py │ │ │ │ │ ├── concatenation_options.py │ │ │ │ │ ├── conv_2d_options.py │ │ │ │ │ ├── conv_3d_options.py │ │ │ │ │ ├── cum_sum_options.py │ │ │ │ │ ├── depth_to_space_options.py │ │ │ │ │ ├── depthwise_conv_2d_options.py │ │ │ │ │ ├── dequantize_options.py │ │ │ │ │ ├── div_options.py │ │ │ │ │ ├── equal_options.py │ │ │ │ │ ├── exp_options.py │ │ │ │ │ ├── floor_mod_options.py │ │ │ │ │ ├── fully_connected_options.py │ │ │ │ │ ├── gather_nd_options.py │ │ │ │ │ ├── gather_options.py │ │ │ │ │ ├── gelu_options.py │ │ │ │ │ ├── greater_equal_options.py │ │ │ │ │ ├── greater_options.py │ │ │ │ │ ├── hard_swish_options.py │ │ │ │ │ ├── leaky_relu_options.py │ │ │ │ │ ├── less_equal_options.py │ │ │ │ │ ├── less_options.py │ │ │ │ │ ├── log_softmax_options.py │ │ │ │ │ ├── logical_and_options.py │ │ │ │ │ ├── logical_not_options.py │ │ │ │ │ ├── logical_or_options.py │ │ │ │ │ ├── lrn_options.py │ │ │ │ │ ├── lstm_options.py │ │ │ │ │ ├── max_pool_2d_options.py │ │ │ │ │ ├── maximum_options.py │ │ │ │ │ ├── mean_options.py │ │ │ │ │ ├── minimum_options.py │ │ │ │ │ ├── mirror_pad_options.py │ │ │ │ │ ├── mul_options.py │ │ │ │ │ ├── multinomial_options.py │ │ │ │ │ ├── neg_options.py │ │ │ │ │ ├── not_equal_options.py │ │ │ │ │ ├── one_hot_options.py │ │ │ │ │ ├── pad_options.py │ │ │ │ │ ├── pad_v2_options.py │ │ │ │ │ ├── pow_options.py │ │ │ │ │ ├── quantize_options.py │ │ │ │ │ ├── range_options.py │ │ │ │ │ ├── reduce_max_options.py │ │ │ │ │ ├── reduce_min_options.py │ │ │ │ │ ├── reduce_prod_options.py │ │ │ │ │ ├── reshape_options.py │ │ │ │ │ ├── resize_bilinear_options.py │ │ │ │ │ ├── resize_nearest_neighbor_options.py │ │ │ │ │ ├── reverse_sequence_options.py │ │ │ │ │ ├── scatter_nd_options.py │ │ │ │ │ ├── select_v2_options.py │ │ │ │ │ ├── shape_options.py │ │ │ │ │ ├── sign_options.py │ │ │ │ │ ├── slice_options.py │ │ │ │ │ ├── softmax_options.py │ │ │ │ │ ├── space_to_depth_options.py │ │ │ │ │ ├── split_options.py │ │ │ │ │ ├── split_v_options.py │ │ │ │ │ ├── square_options.py │ │ │ │ │ ├── squared_difference_options.py │ │ │ │ │ ├── squeeze_options.py │ │ │ │ │ ├── strided_slice_options.py │ │ │ │ │ ├── sub_options.py │ │ │ │ │ ├── sum_options.py │ │ │ │ │ ├── tile_options.py │ │ │ │ │ ├── transpose_conv_options.py │ │ │ │ │ ├── transpose_options.py │ │ │ │ │ ├── unidirectional_sequence_lstm_options.py │ │ │ │ │ └── unidirectional_sequence_rnn_options.py │ │ │ │ ├── custom_options │ │ │ │ │ └── flex_transpose_options.py │ │ │ │ ├── meta │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── meta.py │ │ │ │ │ └── types.py │ │ │ │ └── tflite_model.py │ │ │ └── tflite_optimizer │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ ├── graph_utils.py │ │ │ │ ├── operator_rules.py │ │ │ │ ├── optimizations │ │ │ │ ├── __init__.py │ │ │ │ ├── base_optimization.py │ │ │ │ ├── permute_fully_connected_weights_after_reshape.py │ │ │ │ └── prune_transpose_operators.py │ │ │ │ ├── optimizer.py │ │ │ │ ├── pattern_matcher.py │ │ │ │ └── tensor_rules.py │ │ ├── neutron_converter_manager.py │ │ ├── neutron_operator_support.py │ │ ├── neutron_target_spec.py │ │ ├── node_format.py │ │ └── node_format_inference.py │ ├── edge_passes │ │ ├── move_auxiliary_operator_into_separate_qdq_cluster_pass.py │ │ ├── neutron_edge_pass.py │ │ ├── neutron_edge_pass_manager.py │ │ └── remove_io_quant_ops_pass.py │ ├── neutron_node_extraction.py │ ├── neutron_partitioner.py │ ├── neutron_pass_manager.py │ ├── nxp_backend.py │ ├── quantizer │ │ ├── neutron_quantizer.py │ │ ├── patterns.py │ │ └── utils.py │ ├── requirements-tests-eiq.txt │ ├── requirements-tests-pypi.txt │ ├── run_unittests.sh │ ├── runtime │ │ ├── NeutronBackend.cpp │ │ ├── NeutronDriver.h │ │ ├── NeutronErrors.h │ │ ├── TARGETS │ │ └── targets.bzl │ └── tests │ │ ├── TARGETS │ │ ├── executorch_pipeline.py │ │ ├── executors.py │ │ ├── ir │ │ ├── __init__.py │ │ ├── converter │ │ │ ├── __init__.py │ │ │ └── node_converter │ │ │ │ ├── __init__.py │ │ │ │ ├── test_abs_converter.py │ │ │ │ ├── test_adaptive_avg_pool2d_converter.py │ │ │ │ ├── test_add_tensor_converter.py │ │ │ │ ├── test_addmm_converter.py │ │ │ │ ├── test_avg_pool2d_converter.py │ │ │ │ ├── test_cat_converter.py │ │ │ │ ├── test_clone_converter.py │ │ │ │ ├── test_constant_pad_nd_converter.py │ │ │ │ ├── test_conv_converter.py │ │ │ │ ├── test_hardtanh_converter.py │ │ │ │ ├── test_max_pool_2d_converter.py │ │ │ │ ├── test_mean_dim_converter.py │ │ │ │ ├── test_mm_converter.py │ │ │ │ ├── test_permute_copy_converter.py │ │ │ │ ├── test_relu_converter.py │ │ │ │ ├── test_sigmoid_converter.py │ │ │ │ ├── test_softmax_converter.py │ │ │ │ ├── test_sub_tensor_converter.py │ │ │ │ ├── test_tanh_converter.py │ │ │ │ └── test_view_copy_converter.py │ │ └── edge_passes │ │ │ ├── __init__.py │ │ │ └── test_remove_io_quant_ops_pass.py │ │ ├── models.py │ │ ├── test_batch_norm_fusion.py │ │ ├── test_context_sensitive_delegation.py │ │ ├── test_edge_passes.py │ │ ├── test_gru_splitting.py │ │ ├── test_integration.py │ │ ├── test_linear_and_add_fusion.py │ │ ├── test_move_activation_before_concatenation.py │ │ ├── test_neutron_backend.py │ │ ├── test_neutron_backend_executor.py │ │ ├── test_neutron_converter_manager.py │ │ ├── test_node_format_inference.py │ │ ├── test_operator_selector.py │ │ ├── test_per_channel_conversion.py │ │ ├── test_qdq_clustering_conv.py │ │ ├── test_quantizer.py │ │ ├── test_removing_dead_code.py │ │ ├── test_removing_nodes_with_known_outputs.py │ │ └── test_split_group_convolution.py ├── openvino │ ├── CMakeLists.txt │ ├── README.md │ ├── __init__.py │ ├── partitioner.py │ ├── preprocess.py │ ├── quantizer │ │ ├── __init__.py │ │ ├── observers.py │ │ └── quantizer.py │ ├── requirements.txt │ ├── runtime │ │ ├── OpenvinoBackend.cpp │ │ └── OpenvinoBackend.h │ ├── scripts │ │ └── openvino_build.sh │ └── tests │ │ ├── README.md │ │ ├── models │ │ └── test_classification.py │ │ ├── ops │ │ ├── base_openvino_op_test.py │ │ ├── test_add.py │ │ ├── test_addmm.py │ │ ├── test_arange.py │ │ ├── test_batch_norm.py │ │ ├── test_convolution.py │ │ ├── test_mean.py │ │ ├── test_permute.py │ │ ├── test_pooling.py │ │ ├── test_unary_ops.py │ │ └── test_view.py │ │ └── test_runner.py ├── qualcomm │ ├── CMakeLists.txt │ ├── README.md │ ├── TARGETS │ ├── __init__.py │ ├── _passes │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── annotate_adaptive_avg_pool1d.py │ │ ├── annotate_quant_attrs.py │ │ ├── annotate_stack.py │ │ ├── annotate_unbind.py │ │ ├── build_quant_io.py │ │ ├── canonicalize_conv.py │ │ ├── convert_bmm_to_matmul.py │ │ ├── convert_linear_to_conv2d.py │ │ ├── convert_square_to_pow.py │ │ ├── decompose_any.py │ │ ├── decompose_binary_alpha.py │ │ ├── decompose_cdist.py │ │ ├── decompose_col_im.py │ │ ├── decompose_einsum.py │ │ ├── decompose_expm1.py │ │ ├── decompose_floor_divide.py │ │ ├── decompose_glu.py │ │ ├── decompose_linalg_vector_norm.py │ │ ├── decompose_minmaxdim.py │ │ ├── decompose_roll.py │ │ ├── decompose_silu.py │ │ ├── decompose_threshold.py │ │ ├── decompose_triu.py │ │ ├── decompose_wrap_with_autocast.py │ │ ├── expand_broadcast_tensor_shape.py │ │ ├── fixed_linear_keep_dim.py │ │ ├── fold_qdq.py │ │ ├── fuse_consecutive_cast.py │ │ ├── fuse_consecutive_transpose.py │ │ ├── i64_to_i32.py │ │ ├── insert_io_qdq.py │ │ ├── insert_requantize.py │ │ ├── insert_reshape_for_reduce_ops.py │ │ ├── layout_transform.py │ │ ├── lift_constant_scalar_operands.py │ │ ├── qnn_pass_manager.py │ │ ├── recompose_pixel_unshuffle.py │ │ ├── recompose_rms_norm.py │ │ ├── reduce_dynamic_range.py │ │ ├── remove_0d_tensor.py │ │ ├── remove_redundancy.py │ │ ├── replace_arange_args.py │ │ ├── replace_inf_values.py │ │ ├── seq_mse.py │ │ ├── tag_quant_io.py │ │ └── utils.py │ ├── aot │ │ ├── python │ │ │ ├── CMakeLists.txt │ │ │ ├── PyQnnManagerAdaptor.cpp │ │ │ ├── PyQnnManagerAdaptor.h │ │ │ ├── PyQnnWrapperAdaptor.cpp │ │ │ ├── PyQnnWrapperAdaptor.h │ │ │ ├── TARGETS │ │ │ └── targets.bzl │ │ └── wrappers │ │ │ ├── CMakeLists.txt │ │ │ ├── OpWrapper.cpp │ │ │ ├── OpWrapper.h │ │ │ ├── ParamWrapper.h │ │ │ ├── QuantizeParamsWrapper.cpp │ │ │ ├── QuantizeParamsWrapper.h │ │ │ ├── ScalarParamWrapper.h │ │ │ ├── TARGETS │ │ │ ├── TensorParamWrapper.h │ │ │ ├── TensorWrapper.cpp │ │ │ ├── TensorWrapper.h │ │ │ └── targets.bzl │ ├── bc │ │ └── test_qnn_static_llama_bc.sh │ ├── builders │ │ ├── README.md │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── node_visitor.py │ │ ├── node_visitor_manager.py │ │ ├── op_abs.py │ │ ├── op_adaptive_avg_pool2d.py │ │ ├── op_adaptive_max_pool2d.py │ │ ├── op_add.py │ │ ├── op_amax.py │ │ ├── op_amin.py │ │ ├── op_and.py │ │ ├── op_arange.py │ │ ├── op_argmax.py │ │ ├── op_argmin.py │ │ ├── op_asin.py │ │ ├── op_atan.py │ │ ├── op_avg_pool2d.py │ │ ├── op_avg_pool3d.py │ │ ├── op_batch_norm.py │ │ ├── op_binary.py │ │ ├── op_bmm.py │ │ ├── op_cat.py │ │ ├── op_ceil.py │ │ ├── op_clamp.py │ │ ├── op_conv.py │ │ ├── op_copy.py │ │ ├── op_cos.py │ │ ├── op_cum_sum.py │ │ ├── op_custom_op.py │ │ ├── op_depth_to_space.py │ │ ├── op_dequantize.py │ │ ├── op_div.py │ │ ├── op_elu.py │ │ ├── op_embedding.py │ │ ├── op_eq.py │ │ ├── op_exp.py │ │ ├── op_expand.py │ │ ├── op_flip.py │ │ ├── op_floor.py │ │ ├── op_full.py │ │ ├── op_full_like.py │ │ ├── op_gather.py │ │ ├── op_ge.py │ │ ├── op_gelu.py │ │ ├── op_grid_sampler_2d.py │ │ ├── op_group_norm.py │ │ ├── op_gt.py │ │ ├── op_hardsigmoid.py │ │ ├── op_hardswish.py │ │ ├── op_hardtanh.py │ │ ├── op_index.py │ │ ├── op_index_put.py │ │ ├── op_index_select.py │ │ ├── op_instance_norm.py │ │ ├── op_layer_norm.py │ │ ├── op_le.py │ │ ├── op_linear.py │ │ ├── op_log.py │ │ ├── op_log_softmax.py │ │ ├── op_logical_not.py │ │ ├── op_lt.py │ │ ├── op_matmul.py │ │ ├── op_max.py │ │ ├── op_max_dim.py │ │ ├── op_max_pool2d.py │ │ ├── op_mean_dim.py │ │ ├── op_min.py │ │ ├── op_min_dim.py │ │ ├── op_mul.py │ │ ├── op_ne.py │ │ ├── op_neg.py │ │ ├── op_or.py │ │ ├── op_pad.py │ │ ├── op_pow.py │ │ ├── op_prelu.py │ │ ├── op_quantize.py │ │ ├── op_relu.py │ │ ├── op_repeat.py │ │ ├── op_reshape.py │ │ ├── op_resize.py │ │ ├── op_rms_norm.py │ │ ├── op_round.py │ │ ├── op_rsqrt.py │ │ ├── op_scalar_tensor.py │ │ ├── op_select_copy.py │ │ ├── op_sigmoid.py │ │ ├── op_sign.py │ │ ├── op_sin.py │ │ ├── op_skip_ops.py │ │ ├── op_slice_copy.py │ │ ├── op_slice_scatter.py │ │ ├── op_softmax.py │ │ ├── op_space_to_depth.py │ │ ├── op_split_with_sizes.py │ │ ├── op_sqrt.py │ │ ├── op_squeeze.py │ │ ├── op_stack.py │ │ ├── op_sub.py │ │ ├── op_sum_int_list.py │ │ ├── op_tanh.py │ │ ├── op_to.py │ │ ├── op_topk.py │ │ ├── op_transpose.py │ │ ├── op_unbind.py │ │ ├── op_unsqueeze.py │ │ ├── op_upsample_bilinear2d.py │ │ ├── op_upsample_nearest2d.py │ │ ├── op_where.py │ │ ├── op_xor.py │ │ ├── qnn_constants.py │ │ ├── targets.bzl │ │ └── utils.py │ ├── debugger │ │ ├── README.md │ │ ├── TARGETS │ │ ├── assets │ │ │ └── qairt_visualizer_demo.png │ │ └── utils.py │ ├── partition │ │ ├── TARGETS │ │ ├── common_defs.py │ │ ├── qnn_partitioner.py │ │ ├── targets.bzl │ │ └── utils.py │ ├── python │ │ └── .gitignore │ ├── qnn_preprocess.py │ ├── quantizer │ │ ├── README.md │ │ ├── TARGETS │ │ ├── annotators.py │ │ ├── custom_annotation.py │ │ ├── observers │ │ │ ├── concat_observer.py │ │ │ ├── per_block_param_observer.py │ │ │ └── per_channel_param_observer.py │ │ ├── qconfig.py │ │ ├── quant_recipe.py │ │ ├── quantizer.py │ │ └── targets.bzl │ ├── recipes │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── qnn_recipe_provider.py │ │ └── qnn_recipe_types.py │ ├── runtime │ │ ├── CMakeLists.txt │ │ ├── Logging.cpp │ │ ├── Logging.h │ │ ├── QnnBackendOptions.cpp │ │ ├── QnnBackendOptions.h │ │ ├── QnnExecuTorch.h │ │ ├── QnnExecuTorchBackend.cpp │ │ ├── QnnExecuTorchBackend.h │ │ ├── QnnManager.cpp │ │ ├── QnnManager.h │ │ ├── SharedBuffer.cpp │ │ ├── SharedBuffer.h │ │ ├── TARGETS │ │ ├── Utils.cpp │ │ ├── Utils.h │ │ ├── backends │ │ │ ├── CMakeLists.txt │ │ │ ├── QnnBackendCache.cpp │ │ │ ├── QnnBackendCache.h │ │ │ ├── QnnBackendCommon.cpp │ │ │ ├── QnnBackendCommon.h │ │ │ ├── QnnBackendFactory.cpp │ │ │ ├── QnnBackendFactory.h │ │ │ ├── QnnContextCommon.cpp │ │ │ ├── QnnContextCommon.h │ │ │ ├── QnnCustomProtocol.cpp │ │ │ ├── QnnCustomProtocol.h │ │ │ ├── QnnDeviceCommon.cpp │ │ │ ├── QnnDeviceCommon.h │ │ │ ├── QnnDlcManager.h │ │ │ ├── QnnFunctionInterface.h │ │ │ ├── QnnGraphCommon.cpp │ │ │ ├── QnnGraphCommon.h │ │ │ ├── QnnImplementation.cpp │ │ │ ├── QnnImplementation.h │ │ │ ├── QnnLogger.cpp │ │ │ ├── QnnLogger.h │ │ │ ├── QnnMemManager.cpp │ │ │ ├── QnnMemManager.h │ │ │ ├── QnnOpPackageManager.cpp │ │ │ ├── QnnOpPackageManager.h │ │ │ ├── QnnProfiler.cpp │ │ │ ├── QnnProfiler.h │ │ │ ├── QnnSysFunctionInterface.h │ │ │ ├── QnnSysImplementation.cpp │ │ │ ├── QnnSysImplementation.h │ │ │ ├── htpbackend │ │ │ │ ├── HtpBackend.h │ │ │ │ ├── HtpBackendCache.cpp │ │ │ │ ├── HtpBackendCache.h │ │ │ │ ├── HtpContext.cpp │ │ │ │ ├── HtpContext.h │ │ │ │ ├── HtpContextCustomConfig.h │ │ │ │ ├── HtpDevice.cpp │ │ │ │ ├── HtpDevice.h │ │ │ │ ├── HtpDeviceCustomConfig.h │ │ │ │ ├── HtpDevicePlatformInfoConfig.h │ │ │ │ ├── HtpGraph.cpp │ │ │ │ ├── HtpGraph.h │ │ │ │ ├── HtpGraphCustomConfig.cpp │ │ │ │ ├── HtpGraphCustomConfig.h │ │ │ │ ├── aarch64 │ │ │ │ │ ├── HtpContextCustomConfig.cpp │ │ │ │ │ ├── HtpDeviceCustomConfig.cpp │ │ │ │ │ ├── HtpDevicePlatformInfoConfig.cpp │ │ │ │ │ └── HtpGraphCustomConfig.cpp │ │ │ │ └── x86_64 │ │ │ │ │ ├── HtpContextCustomConfig.cpp │ │ │ │ │ ├── HtpDeviceCustomConfig.cpp │ │ │ │ │ ├── HtpDevicePlatformInfoConfig.cpp │ │ │ │ │ └── HtpGraphCustomConfig.cpp │ │ │ └── irbackend │ │ │ │ ├── IrBackend.h │ │ │ │ ├── IrContext.h │ │ │ │ ├── aarch64 │ │ │ │ ├── IrContext.cpp │ │ │ │ └── QnnDlcManager.cpp │ │ │ │ └── x86_64 │ │ │ │ ├── IrContext.cpp │ │ │ │ └── QnnDlcManager.cpp │ │ └── targets.bzl │ ├── scripts │ │ ├── build.sh │ │ ├── download_qnn_sdk.py │ │ ├── install_qnn_sdk.sh │ │ └── qnn_config.sh │ ├── serialization │ │ ├── TARGETS │ │ ├── qc_compiler_spec.fbs │ │ ├── qc_schema.py │ │ ├── qc_schema_serialize.py │ │ └── targets.bzl │ ├── setup.md │ ├── targets.bzl │ ├── tests │ │ ├── TARGETS │ │ ├── models.py │ │ ├── test_passes.py │ │ ├── test_qnn_delegate.py │ │ ├── tester.py │ │ └── utils.py │ └── utils │ │ ├── TARGETS │ │ ├── constants.py │ │ ├── targets.bzl │ │ └── utils.py ├── samsung │ ├── CMakeLists.txt │ ├── README.md │ ├── _passes │ │ ├── annotate_qparams.py │ │ ├── annotate_scalar_parameters.py │ │ ├── conv1d_to_conv2d.py │ │ ├── customized_constant_prop.py │ │ ├── fold_qdq.py │ │ ├── fuse_conv_act.py │ │ ├── insert_qdq.py │ │ ├── remove_useless_ops.py │ │ ├── replace_scalar_ops.py │ │ └── utils.py │ ├── aot │ │ ├── CMakeLists.txt │ │ ├── PyEnnWrapperAdaptor.cpp │ │ ├── PyEnnWrapperAdaptor.h │ │ ├── PyGraphWrapperAdaptor.cpp │ │ ├── PyGraphWrapperAdaptor.h │ │ └── wrappers │ │ │ ├── op_param_wrapper.h │ │ │ ├── op_wrapper.h │ │ │ ├── quantize_param_wrapper.h │ │ │ └── tensor_wrapper.h │ ├── build.sh │ ├── builders │ │ ├── __init__.py │ │ ├── node_visitor.py │ │ ├── op_add.py │ │ ├── op_avg_pool2d.py │ │ ├── op_batch_norm.py │ │ ├── op_bmm.py │ │ ├── op_cat.py │ │ ├── op_clamp.py │ │ ├── op_constant_pad_nd.py │ │ ├── op_conv2d.py │ │ ├── op_dequantize.py │ │ ├── op_div.py │ │ ├── op_embedding.py │ │ ├── op_expand_copy.py │ │ ├── op_gelu.py │ │ ├── op_getitem.py │ │ ├── op_hardsigmoid.py │ │ ├── op_hardswish.py │ │ ├── op_hardtanh.py │ │ ├── op_layer_norm.py │ │ ├── op_leaky_relu.py │ │ ├── op_linear.py │ │ ├── op_log_softmax.py │ │ ├── op_max_pool2d.py │ │ ├── op_maximum.py │ │ ├── op_mean_dim.py │ │ ├── op_minimum.py │ │ ├── op_mul.py │ │ ├── op_permute.py │ │ ├── op_pixel_shuffle.py │ │ ├── op_quantize.py │ │ ├── op_relu.py │ │ ├── op_reshape.py │ │ ├── op_rsqrt.py │ │ ├── op_select.py │ │ ├── op_slice_copy.py │ │ ├── op_softmax.py │ │ ├── op_sqrt.py │ │ ├── op_squeeze.py │ │ ├── op_sub.py │ │ ├── op_to_copy.py │ │ ├── op_unsqueeze.py │ │ ├── op_upsample_bilinear2d.py │ │ ├── op_upsample_nearest2d.py │ │ └── utils.py │ ├── enn_preprocess.py │ ├── partition │ │ └── enn_partitioner.py │ ├── python │ │ └── .gitignore │ ├── quantizer │ │ ├── __init__.py │ │ ├── annotator.py │ │ ├── qconfig.py │ │ └── quantizer.py │ ├── runtime │ │ ├── CMakeLists.txt │ │ ├── enn_api_implementation.cpp │ │ ├── enn_api_implementation.h │ │ ├── enn_backend.cpp │ │ ├── enn_executor.cpp │ │ ├── enn_executor.h │ │ ├── enn_type.h │ │ ├── logging.cpp │ │ └── logging.h │ ├── serialization │ │ ├── compile_options.py │ │ ├── compile_options_def.fbs │ │ └── enn_graph_schema.py │ ├── test │ │ ├── ops │ │ │ ├── test_add.py │ │ │ ├── test_avg_pool2d.py │ │ │ ├── test_batch_norm.py │ │ │ ├── test_bmm.py │ │ │ ├── test_cat.py │ │ │ ├── test_clamp.py │ │ │ ├── test_constant_pad_nd.py │ │ │ ├── test_conv2d.py │ │ │ ├── test_div.py │ │ │ ├── test_embedding.py │ │ │ ├── test_expand_copy.py │ │ │ ├── test_gelu.py │ │ │ ├── test_leaky_relu.py │ │ │ ├── test_linear.py │ │ │ ├── test_log_softmax.py │ │ │ ├── test_max_pool2d.py │ │ │ ├── test_mean_dim.py │ │ │ ├── test_minimum.py │ │ │ ├── test_mul.py │ │ │ ├── test_permute.py │ │ │ ├── test_pixel_shuffle.py │ │ │ ├── test_relu.py │ │ │ ├── test_reshape.py │ │ │ ├── test_rsqrt.py │ │ │ ├── test_select.py │ │ │ ├── test_slice_copy.py │ │ │ ├── test_softmax.py │ │ │ ├── test_sqrt.py │ │ │ ├── test_squeeze.py │ │ │ ├── test_sub.py │ │ │ ├── test_to_copy.py │ │ │ ├── test_unsqueeze.py │ │ │ ├── test_upsample_bilinear2d.py │ │ │ └── test_upsample_nearest2d.py │ │ └── tester │ │ │ ├── __init__.py │ │ │ └── samsung_tester.py │ └── utils │ │ ├── constants.py │ │ ├── export_utils.py │ │ └── utils.py ├── test │ ├── README.md │ ├── TARGETS │ ├── facto │ │ ├── __init__.py │ │ ├── facto_specs.py │ │ └── test_facto.py │ ├── harness │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── error_statistics.py │ │ ├── stages │ │ │ ├── __init__.py │ │ │ ├── export.py │ │ │ ├── partition.py │ │ │ ├── quantize.py │ │ │ ├── run_passes.py │ │ │ ├── serialize.py │ │ │ ├── stage.py │ │ │ ├── to_edge.py │ │ │ ├── to_edge_transform_and_lower.py │ │ │ └── to_executorch.py │ │ ├── tester.py │ │ └── tests │ │ │ └── test_error_statistics.py │ ├── multi_method_delegate_test.cpp │ ├── suite │ │ ├── README.md │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── conftest.py │ │ ├── context.py │ │ ├── discovery.py │ │ ├── flow.py │ │ ├── flows │ │ │ ├── __init__.py │ │ │ ├── arm.py │ │ │ ├── coreml.py │ │ │ ├── portable.py │ │ │ ├── qualcomm.py │ │ │ ├── vulkan.py │ │ │ └── xnnpack.py │ │ ├── generate_markdown_summary.py │ │ ├── generate_markdown_summary_json.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── test_torchaudio.py │ │ │ └── test_torchvision.py │ │ ├── operators │ │ │ ├── __init__.py │ │ │ ├── test_abs.py │ │ │ ├── test_adaptive_avgpool1d.py │ │ │ ├── test_adaptive_avgpool2d.py │ │ │ ├── test_adaptive_avgpool3d.py │ │ │ ├── test_adaptive_maxpool1d.py │ │ │ ├── test_adaptive_maxpool2d.py │ │ │ ├── test_adaptive_maxpool3d.py │ │ │ ├── test_add.py │ │ │ ├── test_amax.py │ │ │ ├── test_amin.py │ │ │ ├── test_argmax.py │ │ │ ├── test_argmin.py │ │ │ ├── test_avgpool1d.py │ │ │ ├── test_avgpool2d.py │ │ │ ├── test_avgpool3d.py │ │ │ ├── test_cat.py │ │ │ ├── test_ceil.py │ │ │ ├── test_clamp.py │ │ │ ├── test_conv1d.py │ │ │ ├── test_conv2d.py │ │ │ ├── test_conv3d.py │ │ │ ├── test_convtranspose1d.py │ │ │ ├── test_convtranspose2d.py │ │ │ ├── test_convtranspose3d.py │ │ │ ├── test_div.py │ │ │ ├── test_elu.py │ │ │ ├── test_embedding.py │ │ │ ├── test_embedding_bag.py │ │ │ ├── test_exp.py │ │ │ ├── test_expand.py │ │ │ ├── test_floor.py │ │ │ ├── test_floor_divide.py │ │ │ ├── test_gelu.py │ │ │ ├── test_glu.py │ │ │ ├── test_hardsigmoid.py │ │ │ ├── test_hardswish.py │ │ │ ├── test_hardtanh.py │ │ │ ├── test_index_put.py │ │ │ ├── test_index_select.py │ │ │ ├── test_leaky_relu.py │ │ │ ├── test_linear.py │ │ │ ├── test_log.py │ │ │ ├── test_log10.py │ │ │ ├── test_log1p.py │ │ │ ├── test_log2.py │ │ │ ├── test_logsigmoid.py │ │ │ ├── test_lstm.py │ │ │ ├── test_masked_fill.py │ │ │ ├── test_maxpool1d.py │ │ │ ├── test_maxpool2d.py │ │ │ ├── test_maxpool3d.py │ │ │ ├── test_mean.py │ │ │ ├── test_median.py │ │ │ ├── test_mul.py │ │ │ ├── test_neg.py │ │ │ ├── test_permute.py │ │ │ ├── test_pow.py │ │ │ ├── test_prelu.py │ │ │ ├── test_relu.py │ │ │ ├── test_reshape.py │ │ │ ├── test_round.py │ │ │ ├── test_rsqrt.py │ │ │ ├── test_select.py │ │ │ ├── test_sigmoid.py │ │ │ ├── test_silu.py │ │ │ ├── test_slice.py │ │ │ ├── test_split.py │ │ │ ├── test_sqrt.py │ │ │ ├── test_square.py │ │ │ ├── test_squeeze.py │ │ │ ├── test_stack.py │ │ │ ├── test_sub.py │ │ │ ├── test_tanh.py │ │ │ ├── test_threshold.py │ │ │ ├── test_transpose.py │ │ │ ├── test_trunc.py │ │ │ ├── test_unsqueeze.py │ │ │ ├── test_upsample_bilinear2d.py │ │ │ ├── test_upsample_nearest2d.py │ │ │ └── test_view.py │ │ ├── reporting.py │ │ ├── runner.py │ │ ├── targets.bzl │ │ └── tests │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ └── test_reporting.py │ └── targets.bzl ├── transforms │ ├── TARGETS │ ├── __init__.py │ ├── addmm_mm_to_linear.py │ ├── convert_dtype_pass.py │ ├── decompose_sdpa.py │ ├── duplicate_dynamic_quant_chain.py │ ├── fuse_batch_norm_with_conv.py │ ├── fuse_conv_with_clamp.py │ ├── fuse_view_copy.py │ ├── mean_to_sum_div.py │ ├── rank_0_to_rank_1.py │ ├── remove_clone_ops.py │ ├── remove_getitem_op.py │ ├── replace_scalar_with_tensor.py │ ├── targets.bzl │ ├── test │ │ ├── test_create_delete_constant_placeholder.py │ │ ├── test_create_mutable_buffer.py │ │ ├── test_duplicate_dynamic_quant_chain.py │ │ ├── test_rank_0_to_rank_1.py │ │ └── test_remove_clone_ops.py │ ├── utils.py │ └── view_copy_to_squeeze_unsqueeze.py ├── vulkan │ ├── CMakeLists.txt │ ├── README.md │ ├── TARGETS │ ├── __init__.py │ ├── _passes │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── fold_qdq.py │ │ ├── fuse_patterns.py │ │ ├── fuse_quantized_ops.py │ │ ├── insert_prepack_nodes.py │ │ ├── remove_asserts.py │ │ ├── remove_redundant_ops.py │ │ ├── squeeze_unsqueeze_inputs.py │ │ └── tag_memory_meta_pass.py │ ├── cmake │ │ └── ShaderLibrary.cmake │ ├── custom_ops_lib.py │ ├── op_registry.py │ ├── partitioner │ │ ├── TARGETS │ │ └── vulkan_partitioner.py │ ├── patterns │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── pattern_registry.py │ │ ├── quantized_binary.py │ │ ├── quantized_convolution.py │ │ ├── quantized_linear.py │ │ ├── rope.py │ │ ├── sdpa.py │ │ └── select_as_symint.py │ ├── quantizer │ │ ├── TARGETS │ │ ├── vulkan_quantizer.py │ │ └── vulkan_quantizer_utils.py │ ├── runtime │ │ ├── VulkanBackend.cpp │ │ ├── VulkanDelegateHeader.cpp │ │ ├── VulkanDelegateHeader.h │ │ ├── api │ │ │ ├── Context.cpp │ │ │ ├── Context.h │ │ │ ├── ShaderRegistry.cpp │ │ │ ├── ShaderRegistry.h │ │ │ ├── api.h │ │ │ └── containers │ │ │ │ ├── ParamsBuffer.cpp │ │ │ │ ├── ParamsBuffer.h │ │ │ │ ├── StagingBuffer.h │ │ │ │ ├── Tensor.cpp │ │ │ │ └── Tensor.h │ │ ├── gen_vulkan_spv.py │ │ ├── graph │ │ │ ├── ComputeGraph.cpp │ │ │ ├── ComputeGraph.h │ │ │ ├── GraphConfig.cpp │ │ │ ├── GraphConfig.h │ │ │ ├── Logging.cpp │ │ │ ├── Logging.h │ │ │ ├── containers │ │ │ │ ├── Constant.cpp │ │ │ │ ├── Constant.h │ │ │ │ ├── PushConstantData.cpp │ │ │ │ ├── PushConstantData.h │ │ │ │ ├── SharedObject.cpp │ │ │ │ ├── SharedObject.h │ │ │ │ ├── SymInt.cpp │ │ │ │ ├── SymInt.h │ │ │ │ ├── Types.cpp │ │ │ │ ├── Types.h │ │ │ │ └── Value.h │ │ │ └── ops │ │ │ │ ├── BlitNode.cpp │ │ │ │ ├── BlitNode.h │ │ │ │ ├── DispatchNode.cpp │ │ │ │ ├── DispatchNode.h │ │ │ │ ├── DynamicDispatchNode.cpp │ │ │ │ ├── DynamicDispatchNode.h │ │ │ │ ├── ExecuteNode.cpp │ │ │ │ ├── ExecuteNode.h │ │ │ │ ├── OperatorRegistry.cpp │ │ │ │ ├── OperatorRegistry.h │ │ │ │ ├── PrepackNode.cpp │ │ │ │ ├── PrepackNode.h │ │ │ │ ├── glsl │ │ │ │ ├── activations.h │ │ │ │ ├── addmm_naive_buffer.glsl │ │ │ │ ├── addmm_naive_buffer.yaml │ │ │ │ ├── addmm_naive_texture3d.glsl │ │ │ │ ├── addmm_naive_texture3d.yaml │ │ │ │ ├── addmm_optimized.glsl │ │ │ │ ├── addmm_optimized.yaml │ │ │ │ ├── arange.glsl │ │ │ │ ├── arange.yaml │ │ │ │ ├── avg_pool2d.glsl │ │ │ │ ├── avg_pool2d.yaml │ │ │ │ ├── batchnorm.glsl │ │ │ │ ├── batchnorm.yaml │ │ │ │ ├── binary_op.glsl │ │ │ │ ├── binary_op.yaml │ │ │ │ ├── binary_op_defs.glslh │ │ │ │ ├── binary_q8ta_q8ta_q8to.glsl │ │ │ │ ├── binary_q8ta_q8ta_q8to.yaml │ │ │ │ ├── binary_scalar_buffer.glsl │ │ │ │ ├── binary_scalar_buffer.yaml │ │ │ │ ├── binary_scalar_texture.glsl │ │ │ │ ├── binary_scalar_texture.yaml │ │ │ │ ├── bitw8_image_to_nchw_nobitw8buffer.glsl │ │ │ │ ├── bitw8_image_to_nchw_nobitw8buffer.yaml │ │ │ │ ├── broadcasting_utils.h │ │ │ │ ├── buffer_to_buffer.glsl │ │ │ │ ├── buffer_to_buffer.yaml │ │ │ │ ├── buffer_to_nchw.glsl │ │ │ │ ├── buffer_to_nchw.yaml │ │ │ │ ├── choose_qparams.glslh │ │ │ │ ├── choose_qparams_per_row.glsl │ │ │ │ ├── choose_qparams_per_row.yaml │ │ │ │ ├── clone.glsl │ │ │ │ ├── clone.yaml │ │ │ │ ├── col2im.glsl │ │ │ │ ├── col2im.yaml │ │ │ │ ├── common.glslh │ │ │ │ ├── concat_buffer.glsl │ │ │ │ ├── concat_buffer.yaml │ │ │ │ ├── concat_texture.glsl │ │ │ │ ├── concat_texture.yaml │ │ │ │ ├── concat_utils.glslh │ │ │ │ ├── conv1d.glsl │ │ │ │ ├── conv1d.yaml │ │ │ │ ├── conv2d.glsl │ │ │ │ ├── conv2d.yaml │ │ │ │ ├── conv2d_common.glslh │ │ │ │ ├── conv2d_dw.glsl │ │ │ │ ├── conv2d_dw.yaml │ │ │ │ ├── conv2d_dw_output_tile.glsl │ │ │ │ ├── conv2d_dw_output_tile.yaml │ │ │ │ ├── conv2d_dw_prepack_weights.glsl │ │ │ │ ├── conv2d_dw_prepack_weights.yaml │ │ │ │ ├── conv2d_dw_q8_utils.glslh │ │ │ │ ├── conv2d_dw_q8ta_q8csw_q8to.glsl │ │ │ │ ├── conv2d_dw_q8ta_q8csw_q8to.yaml │ │ │ │ ├── conv2d_dw_sned_output_tile.glsl │ │ │ │ ├── conv2d_dw_sned_output_tile.yaml │ │ │ │ ├── conv2d_fp_im2col_block.glslh │ │ │ │ ├── conv2d_fp_im2col_block_load.glslh │ │ │ │ ├── conv2d_fp_im2col_block_store.glslh │ │ │ │ ├── conv2d_fp_input_tile_load.glslh │ │ │ │ ├── conv2d_int8_input_block_load.glslh │ │ │ │ ├── conv2d_int8_input_tile_load.glslh │ │ │ │ ├── conv2d_int8_output_tile_store.glslh │ │ │ │ ├── conv2d_prepack_weights.glsl │ │ │ │ ├── conv2d_prepack_weights.yaml │ │ │ │ ├── conv2d_pw.glsl │ │ │ │ ├── conv2d_pw.yaml │ │ │ │ ├── conv2d_pw_q8ta_q8csw_q8to_tiled.glsl │ │ │ │ ├── conv2d_pw_q8ta_q8csw_q8to_tiled.yaml │ │ │ │ ├── conv2d_pw_s1p0.glsl │ │ │ │ ├── conv2d_pw_s1p0.yaml │ │ │ │ ├── conv2d_q8_utils.glslh │ │ │ │ ├── conv2d_q8csw_linear_tiled.glsl │ │ │ │ ├── conv2d_q8csw_linear_tiled.yaml │ │ │ │ ├── conv2d_q8ta_q8csw_linear_tiled.glsl │ │ │ │ ├── conv2d_q8ta_q8csw_linear_tiled.yaml │ │ │ │ ├── conv2d_q8ta_q8csw_q8to.glsl │ │ │ │ ├── conv2d_q8ta_q8csw_q8to.yaml │ │ │ │ ├── conv2d_q8ta_q8csw_q8to_linear_tiled.glsl │ │ │ │ ├── conv2d_q8ta_q8csw_q8to_linear_tiled.yaml │ │ │ │ ├── conv_transpose2d.glsl │ │ │ │ ├── conv_transpose2d.yaml │ │ │ │ ├── conv_transpose2d_prepack_weights.glsl │ │ │ │ ├── conv_transpose2d_prepack_weights.yaml │ │ │ │ ├── convert.glslh │ │ │ │ ├── embedding_buffer.glsl │ │ │ │ ├── embedding_buffer.yaml │ │ │ │ ├── embedding_legacy.glsl │ │ │ │ ├── embedding_legacy.yaml │ │ │ │ ├── embedding_texture.glsl │ │ │ │ ├── embedding_texture.yaml │ │ │ │ ├── expand_buffer.glsl │ │ │ │ ├── expand_buffer.yaml │ │ │ │ ├── flip.glsl │ │ │ │ ├── flip.yaml │ │ │ │ ├── full.glsl │ │ │ │ ├── full.yaml │ │ │ │ ├── gather_buffer.glsl │ │ │ │ ├── gather_buffer.yaml │ │ │ │ ├── gather_texture.glsl │ │ │ │ ├── gather_texture.yaml │ │ │ │ ├── grid_priors.glsl │ │ │ │ ├── grid_priors.yaml │ │ │ │ ├── group_norm_reduce_texture.glsl │ │ │ │ ├── group_norm_reduce_texture.yaml │ │ │ │ ├── group_norm_texture.glsl │ │ │ │ ├── group_norm_texture.yaml │ │ │ │ ├── im2col.glsl │ │ │ │ ├── im2col.yaml │ │ │ │ ├── im2col_packed_int8.glsl │ │ │ │ ├── im2col_packed_int8.yaml │ │ │ │ ├── im2col_packed_int8_utils.glslh │ │ │ │ ├── image_to_nchw.glsl │ │ │ │ ├── image_to_nchw.yaml │ │ │ │ ├── index_select.glsl │ │ │ │ ├── index_select.yaml │ │ │ │ ├── index_select_channel.glsl │ │ │ │ ├── index_select_channel.yaml │ │ │ │ ├── indexing.glslh │ │ │ │ ├── indexing_utils.h │ │ │ │ ├── linear_common.glslh │ │ │ │ ├── linear_dq8ca_q4gsw_tiled.glsl │ │ │ │ ├── linear_dq8ca_q4gsw_tiled.yaml │ │ │ │ ├── linear_fp_bias_load.glslh │ │ │ │ ├── linear_fp_input_tile.glslh │ │ │ │ ├── linear_fp_input_tile_load.glslh │ │ │ │ ├── linear_fp_output_tile.glslh │ │ │ │ ├── linear_fp_output_tile_fp_compute.glslh │ │ │ │ ├── linear_fp_output_tile_fp_int4_compute.glslh │ │ │ │ ├── linear_fp_output_tile_fp_int8_compute.glslh │ │ │ │ ├── linear_fp_output_tile_int8_int4_compute.glslh │ │ │ │ ├── linear_fp_output_tile_int8_int8_compute.glslh │ │ │ │ ├── linear_fp_output_tile_store.glslh │ │ │ │ ├── linear_fp_per_out_channel_params.glslh │ │ │ │ ├── linear_fp_weight_scales_load.glslh │ │ │ │ ├── linear_fp_weight_tile.glslh │ │ │ │ ├── linear_int4_weight_block.glslh │ │ │ │ ├── linear_int4_weight_tile.glslh │ │ │ │ ├── linear_int4_weight_tile_load.glslh │ │ │ │ ├── linear_int8_input_block.glslh │ │ │ │ ├── linear_int8_input_scales_zps.glslh │ │ │ │ ├── linear_int8_input_scales_zps_load.glslh │ │ │ │ ├── linear_int8_input_sums_load.glslh │ │ │ │ ├── linear_int8_input_sums_store.glslh │ │ │ │ ├── linear_int8_input_tile.glslh │ │ │ │ ├── linear_int8_input_tile_load.glslh │ │ │ │ ├── linear_int8_output_tile.glslh │ │ │ │ ├── linear_int8_output_tile_compute.glslh │ │ │ │ ├── linear_int8_weight_block.glslh │ │ │ │ ├── linear_int8_weight_tile.glslh │ │ │ │ ├── linear_int8_weight_tile_load.glslh │ │ │ │ ├── linear_int_accumulator.glslh │ │ │ │ ├── linear_int_per_in_channel_params.glslh │ │ │ │ ├── linear_int_per_out_channel_params.glslh │ │ │ │ ├── linear_int_weight_sums_load.glslh │ │ │ │ ├── linear_q4gsw_coop.glsl │ │ │ │ ├── linear_q4gsw_coop.yaml │ │ │ │ ├── linear_q4gsw_tiled.glsl │ │ │ │ ├── linear_q4gsw_tiled.yaml │ │ │ │ ├── linear_q8csw_tiled.glsl │ │ │ │ ├── linear_q8csw_tiled.yaml │ │ │ │ ├── linear_q8ta_q8csw_tiled.glsl │ │ │ │ ├── linear_q8ta_q8csw_tiled.yaml │ │ │ │ ├── linear_qcsnw.glsl │ │ │ │ ├── linear_qcsnw.yaml │ │ │ │ ├── linear_qcsnw_coop.glsl │ │ │ │ ├── linear_qcsnw_coop.yaml │ │ │ │ ├── linear_qcsnw_tiled.glsl │ │ │ │ ├── linear_qcsnw_tiled.yaml │ │ │ │ ├── max_pool2d.glsl │ │ │ │ ├── max_pool2d.yaml │ │ │ │ ├── native_layer_norm.glsl │ │ │ │ ├── native_layer_norm.yaml │ │ │ │ ├── nchw_to_bitw8_image_nobitw8buffer.glsl │ │ │ │ ├── nchw_to_bitw8_image_nobitw8buffer.yaml │ │ │ │ ├── nchw_to_buffer.glsl │ │ │ │ ├── nchw_to_buffer.yaml │ │ │ │ ├── nchw_to_image.glsl │ │ │ │ ├── nchw_to_image.yaml │ │ │ │ ├── no_op.glsl │ │ │ │ ├── no_op.yaml │ │ │ │ ├── pack_int4_linear_weight_transposed_interleaved.glsl │ │ │ │ ├── pack_int4_linear_weight_transposed_interleaved.yaml │ │ │ │ ├── pack_q4_linear_weight.glsl │ │ │ │ ├── pack_q4_linear_weight.yaml │ │ │ │ ├── pack_q8_conv2d_dw_weights.glsl │ │ │ │ ├── pack_q8_conv2d_dw_weights.yaml │ │ │ │ ├── pack_q8_conv2d_weights.glsl │ │ │ │ ├── pack_q8_conv2d_weights.yaml │ │ │ │ ├── pack_q8_linear_weight.glsl │ │ │ │ ├── pack_q8_linear_weight.yaml │ │ │ │ ├── pad_channel.glsl │ │ │ │ ├── pad_channel.yaml │ │ │ │ ├── pad_height_width.glsl │ │ │ │ ├── pad_height_width.yaml │ │ │ │ ├── permute_buffer.glsl │ │ │ │ ├── permute_buffer.yaml │ │ │ │ ├── permute_texture.glsl │ │ │ │ ├── permute_texture.yaml │ │ │ │ ├── quantize.glslh │ │ │ │ ├── quantize_and_pack_4h4w.glsl │ │ │ │ ├── quantize_and_pack_4h4w.yaml │ │ │ │ ├── quantize_and_pack_4h4w_with_group_sums.glsl │ │ │ │ ├── quantize_and_pack_4h4w_with_group_sums.yaml │ │ │ │ ├── quantize_and_pack_4w4c.glsl │ │ │ │ ├── quantize_and_pack_4w4c.yaml │ │ │ │ ├── quantize_and_pack_im2col.glsl │ │ │ │ ├── quantize_and_pack_im2col.yaml │ │ │ │ ├── reduce.glsl │ │ │ │ ├── reduce.yaml │ │ │ │ ├── reduce2d.glsl │ │ │ │ ├── reduce2d.yaml │ │ │ │ ├── reduce_op_defs.glslh │ │ │ │ ├── reduce_per_row_buffer.glsl │ │ │ │ ├── reduce_per_row_buffer.yaml │ │ │ │ ├── repeat.glsl │ │ │ │ ├── repeat.yaml │ │ │ │ ├── repeat_channel.glsl │ │ │ │ ├── repeat_channel.yaml │ │ │ │ ├── repeat_interleave.glsl │ │ │ │ ├── repeat_interleave.yaml │ │ │ │ ├── rotary_embedding.glsl │ │ │ │ ├── rotary_embedding.yaml │ │ │ │ ├── scalar_tensor.glsl │ │ │ │ ├── scalar_tensor.yaml │ │ │ │ ├── sdpa_attn_weights_softmax.glsl │ │ │ │ ├── sdpa_attn_weights_softmax.yaml │ │ │ │ ├── sdpa_compute_attn_weights_coop.glsl │ │ │ │ ├── sdpa_compute_attn_weights_coop.yaml │ │ │ │ ├── sdpa_compute_attn_weights_tiled.glsl │ │ │ │ ├── sdpa_compute_attn_weights_tiled.yaml │ │ │ │ ├── sdpa_compute_out_coop.glsl │ │ │ │ ├── sdpa_compute_out_coop.yaml │ │ │ │ ├── sdpa_compute_out_tiled.glsl │ │ │ │ ├── sdpa_compute_out_tiled.yaml │ │ │ │ ├── sdpa_fp_attn_weight_tile_load.glslh │ │ │ │ ├── sdpa_fp_attn_weight_tile_store.glslh │ │ │ │ ├── sdpa_fp_k_cache_tile_load.glslh │ │ │ │ ├── sdpa_fp_out_tile_store.glslh │ │ │ │ ├── sdpa_fp_q_projected_tile_load.glslh │ │ │ │ ├── sdpa_fp_v_cache_tile_load.glslh │ │ │ │ ├── sdpa_kv_cache_update.glsl │ │ │ │ ├── sdpa_kv_cache_update.yaml │ │ │ │ ├── sdpa_q_projected_input_tile.glslh │ │ │ │ ├── select.glslh │ │ │ │ ├── set_zero.glsl │ │ │ │ ├── set_zero.yaml │ │ │ │ ├── slice.glslh │ │ │ │ ├── softmax.glsl │ │ │ │ ├── softmax.yaml │ │ │ │ ├── split_buffer.glsl │ │ │ │ ├── split_buffer.yaml │ │ │ │ ├── split_texture.glsl │ │ │ │ ├── split_texture.yaml │ │ │ │ ├── tan.glsl │ │ │ │ ├── tan.yaml │ │ │ │ ├── transfer_buffer.glsl │ │ │ │ ├── transfer_buffer.yaml │ │ │ │ ├── transfer_texture.glsl │ │ │ │ ├── transfer_texture.yaml │ │ │ │ ├── unary_op.glsl │ │ │ │ ├── unary_op.yaml │ │ │ │ ├── unpack_4w4c_and_dequantize.glsl │ │ │ │ ├── unpack_4w4c_and_dequantize.yaml │ │ │ │ ├── update_concat_offset.glsl │ │ │ │ ├── update_concat_offset.yaml │ │ │ │ ├── upsample_2d.glsl │ │ │ │ ├── upsample_2d.yaml │ │ │ │ ├── var_buffer.glsl │ │ │ │ ├── var_buffer.yaml │ │ │ │ ├── var_texture3d.glsl │ │ │ │ ├── var_texture3d.yaml │ │ │ │ ├── view.glsl │ │ │ │ ├── view.yaml │ │ │ │ ├── view_buffer.glsl │ │ │ │ ├── view_buffer.yaml │ │ │ │ ├── view_convert_buffer.glsl │ │ │ │ ├── view_convert_buffer.yaml │ │ │ │ ├── where.glsl │ │ │ │ └── where.yaml │ │ │ │ ├── impl │ │ │ │ ├── Arange.cpp │ │ │ │ ├── ArgReduce.cpp │ │ │ │ ├── BatchNorm.cpp │ │ │ │ ├── BinaryOp.cpp │ │ │ │ ├── BinaryScalarOp.cpp │ │ │ │ ├── ChooseQParams.cpp │ │ │ │ ├── Clone.cpp │ │ │ │ ├── Clone.h │ │ │ │ ├── Common.cpp │ │ │ │ ├── Common.h │ │ │ │ ├── Concat.cpp │ │ │ │ ├── Convolution.cpp │ │ │ │ ├── Embedding.cpp │ │ │ │ ├── Expand.cpp │ │ │ │ ├── Flip.cpp │ │ │ │ ├── Full.cpp │ │ │ │ ├── Gather.cpp │ │ │ │ ├── GridPriors.cpp │ │ │ │ ├── GroupNorm.cpp │ │ │ │ ├── IndexSelect.cpp │ │ │ │ ├── Linear.cpp │ │ │ │ ├── MatMul.cpp │ │ │ │ ├── MatMul.h │ │ │ │ ├── NativeLayerNorm.cpp │ │ │ │ ├── Pad.cpp │ │ │ │ ├── Permute.cpp │ │ │ │ ├── Permute.h │ │ │ │ ├── Pool.cpp │ │ │ │ ├── QuantizeDequantize.cpp │ │ │ │ ├── QuantizeDequantize.h │ │ │ │ ├── QuantizedBinary.cpp │ │ │ │ ├── QuantizedConvolution.cpp │ │ │ │ ├── QuantizedConvolution.h │ │ │ │ ├── QuantizedLinear.cpp │ │ │ │ ├── QuantizedLinear.h │ │ │ │ ├── QuantizedLinearQCSNW.cpp │ │ │ │ ├── Reduce.cpp │ │ │ │ ├── Reduce.h │ │ │ │ ├── Repeat.cpp │ │ │ │ ├── RepeatInterleave.cpp │ │ │ │ ├── RepeatInterleave.h │ │ │ │ ├── RotaryEmbedding.cpp │ │ │ │ ├── SDPA.cpp │ │ │ │ ├── ScalarTensor.cpp │ │ │ │ ├── Select.cpp │ │ │ │ ├── Slice.cpp │ │ │ │ ├── Slice.h │ │ │ │ ├── Softmax.cpp │ │ │ │ ├── Softmax.h │ │ │ │ ├── Split.cpp │ │ │ │ ├── Squeeze.cpp │ │ │ │ ├── Staging.cpp │ │ │ │ ├── Staging.h │ │ │ │ ├── SymIntOps.cpp │ │ │ │ ├── Tan.cpp │ │ │ │ ├── ToCopy.cpp │ │ │ │ ├── Transfer.cpp │ │ │ │ ├── Transfer.h │ │ │ │ ├── Transpose.cpp │ │ │ │ ├── Transpose.h │ │ │ │ ├── UnaryOp.cpp │ │ │ │ ├── Unsqueeze.cpp │ │ │ │ ├── Upsample.cpp │ │ │ │ ├── Var.cpp │ │ │ │ ├── View.cpp │ │ │ │ ├── View.h │ │ │ │ ├── Where.cpp │ │ │ │ └── utils │ │ │ │ │ ├── DimUtils.h │ │ │ │ │ ├── KernelUtils.cpp │ │ │ │ │ ├── KernelUtils.h │ │ │ │ │ ├── QPackUtils.cpp │ │ │ │ │ ├── QPackUtils.h │ │ │ │ │ ├── QuantizationConfig.h │ │ │ │ │ ├── ScalarUtils.h │ │ │ │ │ ├── TensorUtils.cpp │ │ │ │ │ └── TensorUtils.h │ │ │ │ └── utils │ │ │ │ ├── BindingUtils.cpp │ │ │ │ ├── BindingUtils.h │ │ │ │ ├── ShaderNameUtils.cpp │ │ │ │ ├── ShaderNameUtils.h │ │ │ │ ├── StagingUtils.cpp │ │ │ │ └── StagingUtils.h │ │ ├── utils │ │ │ ├── MacroUtils.h │ │ │ ├── StorageUtils.cpp │ │ │ ├── StorageUtils.h │ │ │ ├── StringUtils.h │ │ │ └── VecUtils.h │ │ └── vk_api │ │ │ ├── Adapter.cpp │ │ │ ├── Adapter.h │ │ │ ├── Command.cpp │ │ │ ├── Command.h │ │ │ ├── Descriptor.cpp │ │ │ ├── Descriptor.h │ │ │ ├── Device.cpp │ │ │ ├── Device.h │ │ │ ├── Exception.cpp │ │ │ ├── Exception.h │ │ │ ├── Fence.cpp │ │ │ ├── Fence.h │ │ │ ├── Pipeline.cpp │ │ │ ├── Pipeline.h │ │ │ ├── QueryPool.cpp │ │ │ ├── QueryPool.h │ │ │ ├── Runtime.cpp │ │ │ ├── Runtime.h │ │ │ ├── Shader.cpp │ │ │ ├── Shader.h │ │ │ ├── Types.h │ │ │ ├── VkUtils.h │ │ │ ├── memory │ │ │ ├── Allocation.cpp │ │ │ ├── Allocation.h │ │ │ ├── Allocator.cpp │ │ │ ├── Allocator.h │ │ │ ├── Buffer.cpp │ │ │ ├── Buffer.h │ │ │ ├── Image.cpp │ │ │ ├── Image.h │ │ │ ├── vma_api.cpp │ │ │ └── vma_api.h │ │ │ └── vk_api.h │ ├── serialization │ │ ├── TARGETS │ │ ├── schema.fbs │ │ ├── targets.bzl │ │ ├── vulkan_graph_builder.py │ │ ├── vulkan_graph_schema.py │ │ └── vulkan_graph_serialize.py │ ├── targets.bzl │ ├── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── compute_api_tests.bzl │ │ ├── custom_ops │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── add.cpp │ │ │ ├── build_and_run.sh │ │ │ ├── choose_qparams_per_row.cpp │ │ │ ├── conv2d_utils.cpp │ │ │ ├── conv2d_utils.h │ │ │ ├── glsl │ │ │ │ ├── add.yaml │ │ │ │ ├── add_buffer.glsl │ │ │ │ ├── add_texture.glsl │ │ │ │ ├── float_canvas.glsl │ │ │ │ ├── packed_int32_canvas_buffer.glsl │ │ │ │ └── packed_int32_canvas_texture3d.glsl │ │ │ ├── impl │ │ │ │ └── AddPrototype.cpp │ │ │ ├── q4gsw_linear.cpp │ │ │ ├── q8csw_conv2d.cpp │ │ │ ├── q8csw_linear.cpp │ │ │ ├── q8ta_q8csw_q8to_conv2d.cpp │ │ │ ├── q8ta_q8csw_q8to_conv2d_dw.cpp │ │ │ ├── q8ta_q8ta_q8to_add.cpp │ │ │ ├── qdq8ta_conv2d_activations.cpp │ │ │ ├── targets.bzl │ │ │ ├── utils.cpp │ │ │ └── utils.h │ │ ├── glsl │ │ │ ├── all_shaders.yaml │ │ │ ├── binary_op_nobroadcast__test.glsl │ │ │ ├── dynamic_dispatch_test.glsl │ │ │ ├── dynamic_dispatch_test.yaml │ │ │ ├── fill_buffer.glsl │ │ │ ├── fill_texture__test.glsl │ │ │ ├── idx_fill_buffer.glsl │ │ │ ├── idx_fill_texture.glsl │ │ │ ├── indexing_utils.h │ │ │ ├── reference_matmul.glsl │ │ │ ├── reference_matmul_common.glslh │ │ │ ├── reference_matmul_common.yaml │ │ │ ├── scalar_add_buffer.glsl │ │ │ ├── scalar_add_texture.glsl │ │ │ └── test_shader.glsl │ │ ├── op_tests │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── cases.py │ │ │ ├── generate_op_benchmarks.py │ │ │ ├── generate_op_correctness_tests.py │ │ │ ├── quantize_affine_test.cpp │ │ │ ├── quantized_linear_test.cpp │ │ │ ├── rotary_embedding_test.cpp │ │ │ ├── sdpa_test.cpp │ │ │ ├── targets.bzl │ │ │ ├── test_utils.cpp │ │ │ ├── test_utils.h │ │ │ └── utils │ │ │ │ ├── aten_types.py │ │ │ │ ├── gen_benchmark_vk.py │ │ │ │ ├── gen_computegraph.py │ │ │ │ ├── gen_correctness_base.py │ │ │ │ ├── gen_correctness_vk.py │ │ │ │ └── test_suite.py │ │ ├── scripts │ │ │ ├── test_model.sh │ │ │ └── test_op.sh │ │ ├── test_serialization.py │ │ ├── test_vulkan_delegate.py │ │ ├── test_vulkan_delegate_header.py │ │ ├── test_vulkan_passes.py │ │ ├── tester.py │ │ ├── utils.py │ │ ├── utils │ │ │ ├── test_utils.cpp │ │ │ └── test_utils.h │ │ └── vulkan_compute_api_test.cpp │ ├── tools │ │ └── gpuinfo │ │ │ ├── TARGETS │ │ │ ├── config.json │ │ │ ├── glsl │ │ │ ├── buf_bandwidth.glsl │ │ │ ├── buf_bandwidth.yaml │ │ │ ├── buf_cacheline_size.glsl │ │ │ ├── buf_cacheline_size.yaml │ │ │ ├── reg_count.glsl │ │ │ ├── reg_count.yaml │ │ │ ├── tex_bandwidth.glsl │ │ │ ├── tex_bandwidth.yaml │ │ │ ├── tex_cacheline_concurr.glsl │ │ │ ├── tex_cacheline_concurr.yaml │ │ │ ├── warp_size.glsl │ │ │ └── warp_size.yaml │ │ │ ├── include │ │ │ ├── app.h │ │ │ ├── architecture.h │ │ │ ├── buffers.h │ │ │ ├── stats.h │ │ │ ├── textures.h │ │ │ └── utils.h │ │ │ └── src │ │ │ └── main.cpp │ ├── utils.py │ └── vulkan_preprocess.py └── xnnpack │ ├── CMakeLists.txt │ ├── README.md │ ├── TARGETS │ ├── __init__.py │ ├── _passes │ ├── TARGETS │ ├── __init__.py │ ├── channels_last_tagged_reshape_pass.py │ ├── conv1d_unsqueeze_pass.py │ ├── convert_to_linear.py │ ├── convert_to_sdpa.py │ ├── convert_to_upsample_bilinear2d.py │ ├── decompose_cat.py │ ├── fuse_activation_pass.py │ ├── fuse_batch_norm.py │ ├── prelu_reshape_pass.py │ ├── propagate_custom_meta_pass.py │ ├── remove_redundant_copy_pass.py │ └── xnnpack_pass.py │ ├── cmake │ └── Dependencies.cmake │ ├── operators │ ├── TARGETS │ ├── __init__.py │ ├── node_visitor.py │ ├── op_abs.py │ ├── op_add.py │ ├── op_addmm.py │ ├── op_avg_pooling2d.py │ ├── op_bmm.py │ ├── op_cat.py │ ├── op_ceiling.py │ ├── op_clamp.py │ ├── op_clone.py │ ├── op_conv2d.py │ ├── op_div.py │ ├── op_dynamic_dequantize_ops.py │ ├── op_dynamic_quantize_ops.py │ ├── op_elu.py │ ├── op_exp.py │ ├── op_floor.py │ ├── op_gelu.py │ ├── op_hardswish.py │ ├── op_hardtanh.py │ ├── op_leaky_relu.py │ ├── op_linear.py │ ├── op_log.py │ ├── op_matrix_multiplication.py │ ├── op_max_dim.py │ ├── op_max_pool2d.py │ ├── op_maximum.py │ ├── op_mean_dim.py │ ├── op_minimum.py │ ├── op_multiply.py │ ├── op_negate.py │ ├── op_permute.py │ ├── op_prelu.py │ ├── op_quant_dequant.py │ ├── op_relu.py │ ├── op_rsqrt.py │ ├── op_sigmoid.py │ ├── op_sin.py │ ├── op_skip_ops.py │ ├── op_slice_copy.py │ ├── op_softmax.py │ ├── op_square.py │ ├── op_square_root.py │ ├── op_squeeze.py │ ├── op_static_constant_pad.py │ ├── op_static_resize_bilinear_2d.py │ ├── op_sub.py │ ├── op_tanh.py │ ├── op_to_copy.py │ └── quant_params.py │ ├── partition │ ├── TARGETS │ ├── config │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── gemm_configs.py │ │ ├── generic_node_configs.py │ │ ├── node_configs.py │ │ ├── quant_affine_configs.py │ │ └── xnnpack_config.py │ ├── graphs │ │ ├── bilinear_2d.py │ │ └── sdpa.py │ └── xnnpack_partitioner.py │ ├── quantizer │ ├── TARGETS │ ├── xnnpack_quantizer.py │ └── xnnpack_quantizer_utils.py │ ├── recipes │ ├── TARGETS │ ├── __init__.py │ ├── xnnpack_recipe_provider.py │ └── xnnpack_recipe_types.py │ ├── runtime │ ├── XNNCompiler.cpp │ ├── XNNCompiler.h │ ├── XNNExecutor.cpp │ ├── XNNExecutor.h │ ├── XNNHeader.cpp │ ├── XNNHeader.h │ ├── XNNPACKBackend.cpp │ ├── XNNPACKBackend.h │ ├── XNNStatus.h │ ├── XNNWeightsCache.cpp │ ├── XNNWeightsCache.h │ ├── XNNWorkspace.h │ ├── XNNWorkspaceManager.cpp │ ├── XNNWorkspaceManager.h │ ├── profiling │ │ ├── XNNProfiler.cpp │ │ └── XNNProfiler.h │ └── utils │ │ ├── utils.cpp │ │ └── utils.h │ ├── serialization │ ├── TARGETS │ ├── runtime_schema.fbs │ ├── schema.fbs │ ├── targets.bzl │ ├── xnnpack_graph_schema.py │ └── xnnpack_graph_serialize.py │ ├── targets.bzl │ ├── test │ ├── CMakeLists.txt │ ├── TARGETS │ ├── __init__.py │ ├── models │ │ ├── deeplab_v3.py │ │ ├── edsr.py │ │ ├── emformer_rnnt.py │ │ ├── inception_v3.py │ │ ├── inception_v4.py │ │ ├── llama2_et_example.py │ │ ├── mobilebert.py │ │ ├── mobilenet_v2.py │ │ ├── mobilenet_v3.py │ │ ├── resnet.py │ │ ├── torchvision_vit.py │ │ ├── very_big_model.py │ │ └── w2l.py │ ├── ops │ │ ├── test_abs.py │ │ ├── test_add.py │ │ ├── test_avgpool2d.py │ │ ├── test_bilinear2d.py │ │ ├── test_bmm.py │ │ ├── test_cat.py │ │ ├── test_ceil.py │ │ ├── test_check_quant_params.py │ │ ├── test_clamp.py │ │ ├── test_clone.py │ │ ├── test_conv1d.py │ │ ├── test_conv2d.py │ │ ├── test_div.py │ │ ├── test_elu.py │ │ ├── test_exp.py │ │ ├── test_floor.py │ │ ├── test_gelu.py │ │ ├── test_hardswish.py │ │ ├── test_hardtanh.py │ │ ├── test_leaky_relu.py │ │ ├── test_linear.py │ │ ├── test_log.py │ │ ├── test_lstm.py │ │ ├── test_max_dim.py │ │ ├── test_maximum.py │ │ ├── test_maxpool2d.py │ │ ├── test_mean_dim.py │ │ ├── test_minimum.py │ │ ├── test_multiply.py │ │ ├── test_negate.py │ │ ├── test_permute.py │ │ ├── test_pow.py │ │ ├── test_prelu.py │ │ ├── test_quantize_per_tensor.py │ │ ├── test_relu.py │ │ ├── test_rsqrt.py │ │ ├── test_sigmoid.py │ │ ├── test_sin.py │ │ ├── test_slice_copy.py │ │ ├── test_softmax.py │ │ ├── test_sqrt.py │ │ ├── test_square.py │ │ ├── test_static_constant_pad.py │ │ ├── test_sub.py │ │ ├── test_tanh.py │ │ └── test_to_copy.py │ ├── passes │ │ ├── __init__.py │ │ ├── test_activation_fusion.py │ │ ├── test_batch_norm_fusion.py │ │ ├── test_channels_last_tagged_reshape.py │ │ ├── test_convert_to_linear.py │ │ ├── test_decompose_cat_pass.py │ │ ├── test_propagate_custom_meta_pass.py │ │ ├── test_remove_get_item_pass.py │ │ └── test_remove_redundant_copy_pass.py │ ├── quantizer │ │ ├── test_pt2e_quantization.py │ │ ├── test_representation.py │ │ └── test_xnnpack_quantizer.py │ ├── recipes │ │ └── test_xnnpack_recipes.py │ ├── runtime │ │ ├── test_runtime_utils.cpp │ │ ├── test_workspace_manager.cpp │ │ ├── test_workspace_sharing.cpp │ │ ├── test_xnn_data_separation.cpp │ │ ├── test_xnn_weights_cache.cpp │ │ └── test_xnnexecutor.cpp │ ├── serialization │ │ ├── test_serialization.py │ │ └── test_xnnheader.py │ ├── targets.bzl │ ├── test_xnnpack_partitioner.py │ ├── test_xnnpack_utils.py │ ├── test_xnnpack_utils_classes.py │ └── tester │ │ ├── TARGETS │ │ ├── __init__.py │ │ └── tester.py │ ├── third-party │ ├── TARGETS │ ├── cpuinfo-wrappers │ │ ├── api.c │ │ ├── arm │ │ │ ├── android │ │ │ │ └── properties.c │ │ │ ├── cache.c │ │ │ ├── linux │ │ │ │ ├── aarch32-isa.c │ │ │ │ ├── aarch64-isa.c │ │ │ │ ├── chipset.c │ │ │ │ ├── clusters.c │ │ │ │ ├── cpuinfo.c │ │ │ │ ├── hwcap.c │ │ │ │ ├── init.c │ │ │ │ └── midr.c │ │ │ ├── mach │ │ │ │ └── init.c │ │ │ ├── tlb.c │ │ │ └── uarch.c │ │ ├── cache.c │ │ ├── init.c │ │ ├── linux │ │ │ ├── cpulist.c │ │ │ ├── mockfile.c │ │ │ ├── multiline.c │ │ │ ├── processors.c │ │ │ └── smallfile.c │ │ ├── log.c │ │ ├── mach │ │ │ └── topology.c │ │ └── x86 │ │ │ ├── cache │ │ │ ├── descriptor.c │ │ │ ├── deterministic.c │ │ │ └── init.c │ │ │ ├── info.c │ │ │ ├── init.c │ │ │ ├── isa.c │ │ │ ├── linux │ │ │ ├── cpuinfo.c │ │ │ └── init.c │ │ │ ├── mach │ │ │ └── init.c │ │ │ ├── mockcpuid.c │ │ │ ├── name.c │ │ │ ├── topology.c │ │ │ ├── uarch.c │ │ │ ├── vendor.c │ │ │ └── windows │ │ │ └── init.c │ ├── cpuinfo_defs.bzl │ ├── generate-cpuinfo-wrappers.py │ ├── pthreadpool_defs.bzl │ ├── xnnpack.buck.bzl │ └── xnnpack_src_defs.bzl │ ├── utils │ ├── TARGETS │ ├── configs.py │ ├── gen_xnnpack_constants.sh │ ├── quant_utils.py │ ├── utils.py │ └── xnnpack_constants.py │ └── xnnpack_preprocess.py ├── codegen ├── TARGETS ├── __init__.py ├── api │ ├── __init__.py │ ├── custom_ops.py │ ├── et_cpp.py │ ├── types │ │ ├── __init__.py │ │ ├── signatures.py │ │ └── types.py │ └── unboxing.py ├── gen.py ├── macros.h ├── model.py ├── parse.py ├── targets.bzl ├── templates │ ├── Functions.h │ ├── NativeFunctions.h │ ├── RegisterCodegenUnboxedKernels.cpp │ ├── RegisterDispatchDefinitions.ini │ ├── RegisterDispatchKeyCustomOps.cpp │ ├── RegisterKernels.cpp │ ├── RegisterKernels.h │ ├── RegisterSchema.cpp │ └── aten_interned_strings.h ├── test │ ├── TARGETS │ ├── targets.bzl │ ├── test_executorch_custom_ops.py │ ├── test_executorch_gen.py │ ├── test_executorch_signatures.py │ ├── test_executorch_types.py │ ├── test_executorch_unboxing.py │ └── test_selective_build.py └── tools │ ├── CMakeLists.txt │ ├── TARGETS │ ├── __init__.py │ ├── combine_prim_ops_headers.py │ ├── gen_all_oplist.py │ ├── gen_oplist.py │ ├── gen_ops_def.py │ ├── gen_selected_op_variants.py │ ├── gen_selected_prim_ops.py │ ├── merge_yaml.py │ ├── selective_build.cpp │ ├── selective_build.pyi │ ├── targets.bzl │ ├── test │ ├── test_gen_all_oplist.py │ ├── test_gen_oplist.py │ ├── test_gen_oplist_real_model.py │ ├── test_gen_selected_op_variants.py │ └── test_tools_selective_build.py │ └── yaml_util.py ├── configurations ├── CMakeLists.txt ├── TARGETS └── targets.bzl ├── conftest.py ├── data └── bin │ └── README.md ├── desktop └── README.md ├── devtools ├── CMakeLists.txt ├── TARGETS ├── __init__.py ├── backend_debug │ ├── TARGETS │ ├── __init__.py │ ├── delegation_info.py │ └── tests │ │ ├── TARGETS │ │ └── test_delegation_info.py ├── bundled_program │ ├── CMakeLists.txt │ ├── TARGETS │ ├── bundled_program.cpp │ ├── bundled_program.h │ ├── config.py │ ├── core.py │ ├── schema │ │ ├── README.md │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── bundled_program_schema.fbs │ │ ├── bundled_program_schema.py │ │ ├── scalar_type.fbs │ │ ├── targets.bzl │ │ └── test │ │ │ ├── TARGETS │ │ │ └── test_schema.py │ ├── serialize │ │ ├── TARGETS │ │ ├── __init__.py │ │ └── test │ │ │ ├── TARGETS │ │ │ └── test_serialize.py │ ├── targets.bzl │ ├── test │ │ ├── TARGETS │ │ ├── test_bundle_data.py │ │ ├── test_config.py │ │ └── test_end2end.py │ ├── util │ │ ├── TARGETS │ │ └── test_util.py │ └── version.py ├── debug_format │ ├── TARGETS │ ├── base_schema.py │ └── et_schema.py ├── etdump │ ├── CMakeLists.txt │ ├── TARGETS │ ├── data_sinks │ │ ├── TARGETS │ │ ├── buffer_data_sink.cpp │ │ ├── buffer_data_sink.h │ │ ├── data_sink_base.h │ │ ├── file_data_sink.cpp │ │ ├── file_data_sink.h │ │ ├── targets.bzl │ │ └── tests │ │ │ ├── TARGETS │ │ │ ├── buffer_data_sink_test.cpp │ │ │ ├── file_data_sink_test.cpp │ │ │ └── targets.bzl │ ├── emitter.cpp │ ├── emitter.h │ ├── etdump_filter.cpp │ ├── etdump_filter.h │ ├── etdump_flatcc.cpp │ ├── etdump_flatcc.h │ ├── etdump_schema_flatcc.fbs │ ├── scalar_type.fbs │ ├── schema_flatcc.py │ ├── serialize.py │ ├── targets.bzl │ ├── tests │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── etdump_filter_test.cpp │ │ ├── etdump_test.cpp │ │ ├── serialize_test.py │ │ └── targets.bzl │ └── utils.h ├── etrecord │ ├── TARGETS │ ├── __init__.py │ ├── _etrecord.py │ └── tests │ │ ├── TARGETS │ │ └── etrecord_test.py ├── inspector │ ├── TARGETS │ ├── __init__.py │ ├── _inspector.py │ ├── _inspector_utils.py │ ├── _intermediate_output_capturer.py │ ├── inspector_cli.py │ ├── numerical_comparator │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── l1_numerical_comparator.py │ │ ├── mse_numerical_comparator.py │ │ ├── numerical_comparator_base.py │ │ └── snr_numerical_comparator.py │ └── tests │ │ ├── TARGETS │ │ ├── event_blocks_test.py │ │ ├── inspector_test.py │ │ ├── inspector_test_utils.py │ │ ├── inspector_utils_test.py │ │ ├── intermediate_output_capturer_test.py │ │ ├── l1_comparator_test.py │ │ ├── mse_comparator_test.py │ │ └── snr_comparator_test.py ├── install_requirements.sh ├── scripts │ ├── generate_profiling_csv.py │ └── profile_model.sh ├── size_analysis_tool │ ├── TARGETS │ ├── size_analysis_tool.py │ └── size_analysis_tool_test.py ├── targets.bzl └── visualization │ ├── TARGETS │ ├── __init__.py │ ├── model_explorer_styles │ └── cluster_highlight_style.json │ ├── visualization_utils.py │ └── visualization_utils_test.py ├── docs ├── .gitignore ├── Makefile ├── README.md ├── TARGETS └── source │ ├── Doxyfile │ ├── _static │ ├── example.py │ └── img │ │ ├── android_app.png │ │ ├── android_demo_run.png │ │ ├── android_llama_app.png │ │ ├── android_studio.jpeg │ │ ├── android_studio.mp4 │ │ ├── android_studio.png │ │ ├── api_life_cycle.png │ │ ├── backend_debug_handle.png │ │ ├── backend_debug_handle_example.png │ │ ├── backend_interface.png │ │ ├── backend_interface_aot.png │ │ ├── backend_interface_runtime.png │ │ ├── benchmark-infra.png │ │ ├── calculate_numeric_gap.png │ │ ├── card-background.svg │ │ ├── chat.png │ │ ├── chat_response.png │ │ ├── concepts-map-detailed.png │ │ ├── concepts-map-overview.png │ │ ├── demo_ios_app.png │ │ ├── demo_ios_xcode.jpg │ │ ├── dsp_binary.png │ │ ├── et-logo.png │ │ ├── executorch-chip-logo-circle-16.png │ │ ├── executorch-chip-logo-circle-32.png │ │ ├── executorch-chip-logo.svg │ │ ├── executorch-entry-points.png │ │ ├── generic-pytorch-logo.png │ │ ├── how-executorch-works-high-level.png │ │ ├── inspector_tabular_output.png │ │ ├── ios_benchmark_app.png │ │ ├── ios_benchmark_app_macos.png │ │ ├── ios_benchmark_app_macos_signing.png │ │ ├── ios_benchmark_app_signing.png │ │ ├── ios_benchmark_app_test_forward.png │ │ ├── ios_benchmark_app_test_generate.png │ │ ├── ios_benchmark_app_test_load.png │ │ ├── ios_benchmark_app_tests.png │ │ ├── ios_demo_app.jpg │ │ ├── ios_demo_app_choosing_package.png │ │ ├── ios_demo_app_llava.jpg │ │ ├── ios_demo_app_mps.jpg │ │ ├── ios_demo_app_swift_pm.png │ │ ├── kernel-library-custom-aten-kernel.png │ │ ├── kernel-library-selective-build.png │ │ ├── llama_ios_app.mp4 │ │ ├── llama_ios_app.png │ │ ├── llava_example.png │ │ ├── llm_manual_print_data_tabular.png │ │ ├── load_complete_and_start_prompt.png │ │ ├── logs.png │ │ ├── memory_planning_inspection.png │ │ ├── mtk_changes_to_shell_file.png │ │ ├── mtk_output.png │ │ ├── new-contributor-guide │ │ ├── ci1.png │ │ ├── cla1.png │ │ ├── cla2.png │ │ ├── end_of_draft_pr1.png │ │ ├── end_of_draft_pr2.png │ │ ├── good_first_issues.png │ │ ├── how_to_clone.png │ │ ├── how_to_draft_pr1.png │ │ ├── how_to_draft_pr2.png │ │ ├── how_to_draft_pr3.png │ │ ├── how_to_fork1.png │ │ ├── how_to_fork2.png │ │ ├── how_to_label1.png │ │ ├── how_to_label2.png │ │ ├── how_to_merge1.png │ │ ├── how_to_merge2.png │ │ ├── how_to_merge3.png │ │ ├── how_to_pr1.png │ │ ├── how_to_pr2.png │ │ ├── how_to_pr3.png │ │ ├── pr_approval1.png │ │ ├── pr_approval2.png │ │ ├── release_notes.png │ │ ├── synced_fork.png │ │ └── unsynced_fork.png │ │ ├── opening_the_app_details.png │ │ ├── print_data_tabular.png │ │ ├── runtime-overview-high-level.png │ │ ├── s_custom_variables_extension.png │ │ ├── s_demo_note_render.png │ │ ├── s_demo_note_source.png │ │ ├── settings_menu.png │ │ ├── swiftpm_xcode.mp4 │ │ ├── swiftpm_xcode.png │ │ ├── swiftpm_xcode1.png │ │ ├── swiftpm_xcode2.png │ │ └── visualization │ │ ├── 1.png │ │ ├── 2.png │ │ ├── 3.png │ │ ├── 4.png │ │ ├── 5.png │ │ ├── 6.png │ │ └── visualize_with_clusters_example.png │ ├── advanced-topics-section.md │ ├── android-arm-vgf.md │ ├── android-backends.md │ ├── android-examples.md │ ├── android-mediatek.md │ ├── android-qualcomm.md │ ├── android-samsung-exynos.md │ ├── android-section.md │ ├── android-vulkan.md │ ├── android-xnnpack.md │ ├── api-life-cycle.md │ ├── api-section.md │ ├── archive │ └── backends-cadence-legacy.md │ ├── arm-delegate-runtime-build.svg │ ├── backend-delegate-advanced.md │ ├── backend-delegates-dependencies.md │ ├── backend-delegates-integration.md │ ├── backend-development.md │ ├── backends-cadence.md │ ├── backends-mediatek.md │ ├── backends-nxp.md │ ├── backends-overview.md │ ├── backends-qualcomm.md │ ├── backends-samsung-exynos.md │ ├── backends-section.md │ ├── backends │ ├── arm-ethos-u │ │ ├── arm-ethos-u-overview.md │ │ ├── arm-ethos-u-partitioner.md │ │ ├── arm-ethos-u-quantization.md │ │ ├── arm-ethos-u-troubleshooting.md │ │ ├── backend-arm-ethos-u-dedicated_sram.png │ │ ├── backend-arm-ethos-u-shared_sram.png │ │ ├── backend-arm-ethos-u-sram_only.png │ │ └── tutorials │ │ │ ├── arm-ethos-u-tutorials.md │ │ │ └── ethos-u-getting-started.md │ ├── arm-vgf │ │ ├── arm-vgf-overview.md │ │ ├── arm-vgf-partitioner.md │ │ ├── arm-vgf-quantization.md │ │ ├── arm-vgf-troubleshooting.md │ │ └── tutorials │ │ │ ├── arm-vgf-tutorials.md │ │ │ └── vgf-getting-started.md │ ├── coreml │ │ ├── coreml-op-support.md │ │ ├── coreml-overview.md │ │ ├── coreml-partitioner.md │ │ ├── coreml-quantization.md │ │ └── coreml-troubleshooting.md │ ├── mps │ │ └── mps-overview.md │ ├── samsung │ │ ├── samsung-op-support-table.csv │ │ ├── samsung-op-support.rst │ │ ├── samsung-overview.md │ │ ├── samsung-partitioner.md │ │ └── samsung-quantization.md │ ├── template │ │ ├── README.md │ │ ├── backend-arch-internals.md │ │ ├── backend-overview.md │ │ ├── backend-partitioner.rst │ │ ├── backend-quantization.md │ │ ├── backend-troubleshooting.md │ │ ├── guides │ │ │ ├── backend-basic-guide.md │ │ │ └── backend-guides.md │ │ ├── op-support.csv │ │ └── tutorials │ │ │ ├── backend-basic-tutorial.md │ │ │ └── backend-tutorials.md │ ├── vulkan │ │ ├── tutorials │ │ │ ├── etvk-llama-tutorial.md │ │ │ ├── etvk-profiling-tutorial.md │ │ │ └── vulkan-tutorials.md │ │ ├── vulkan-op-support-table.csv │ │ ├── vulkan-op-support.rst │ │ ├── vulkan-overview.md │ │ ├── vulkan-partitioner.md │ │ ├── vulkan-quantization.md │ │ └── vulkan-troubleshooting.md │ └── xnnpack │ │ ├── op-support.csv │ │ ├── xnnpack-arch-internals.md │ │ ├── xnnpack-delegate-architecture.png │ │ ├── xnnpack-et-flow-diagram.png │ │ ├── xnnpack-overview.md │ │ ├── xnnpack-partitioner.rst │ │ ├── xnnpack-quantization.md │ │ └── xnnpack-troubleshooting.md │ ├── build-run-openvino.md │ ├── bundled-io.md │ ├── compiler-backend-dialect.md │ ├── compiler-custom-compiler-passes.md │ ├── compiler-delegate-and-partitioner.md │ ├── compiler-entry-points.md │ ├── compiler-ir-advanced.md │ ├── compiler-memory-planning.md │ ├── concepts.md │ ├── conf.py │ ├── contributing.md │ ├── custom_directives.py │ ├── debug-backend-delegate.md │ ├── delegate-debugging.md │ ├── desktop-backends.md │ ├── desktop-coreml.md │ ├── desktop-mps.md │ ├── desktop-openvino.md │ ├── desktop-section.md │ ├── desktop-xnnpack.md │ ├── developer-tools.md │ ├── devtools-overview.md │ ├── devtools-tutorial.md │ ├── edge-platforms-section.md │ ├── embedded-arm-ethos-u.md │ ├── embedded-backends.md │ ├── embedded-cadence.md │ ├── embedded-nxp.md │ ├── embedded-section.md │ ├── etdump.md │ ├── etrecord.rst │ ├── examples-end-to-end-to-lower-model-to-delegate.md │ ├── examples.md │ ├── executorch-runtime-api-reference.rst │ ├── executorch_stack.png │ ├── export-overview.md │ ├── export-to-executorch-api-reference.rst │ ├── extension-module.md │ ├── extension-tensor.md │ ├── file-formats-advanced.md │ ├── getting-started-architecture.md │ ├── getting-started-setup.rst │ ├── getting-started.md │ ├── index.md │ ├── intro-how-it-works.md │ ├── intro-overview.md │ ├── intro-section.md │ ├── ios-backends.md │ ├── ios-coreml.md │ ├── ios-examples.md │ ├── ios-mps.md │ ├── ios-section.md │ ├── ios-xnnpack.md │ ├── ir-exir.md │ ├── ir-ops-set-definition.md │ ├── ir-specification.md │ ├── kernel-library-advanced.md │ ├── kernel-library-custom-aten-kernel.md │ ├── kernel-library-overview.md │ ├── kernel-library-selective-build.md │ ├── kernel-library.md │ ├── llm │ ├── build-run-llama3-qualcomm-ai-engine-direct-backend.md │ ├── export-custom-llm.md │ ├── export-llm-optimum.md │ ├── export-llm.md │ ├── getting-started.md │ ├── llama-demo-ios.md │ ├── llama.md │ ├── run-on-ios.md │ ├── run-with-c-plus-plus.md │ └── working-with-llms.md │ ├── markdown-sphinx-tips-tricks.md │ ├── memory-planning-inspection.md │ ├── model-debugging.md │ ├── model-inspector.rst │ ├── native-delegates-executorch-vulkan-delegate.md │ ├── new-contributor-guide.md │ ├── pico2_tutorial.md │ ├── platforms-desktop.md │ ├── platforms-embedded.md │ ├── portable-cpp-programming.md │ ├── ptd-file-format.md │ ├── pte-file-format.md │ ├── quantization-optimization.md │ ├── quantization-overview.md │ ├── quantization.md │ ├── quick-start-section.md │ ├── raspberry_pi_llama_tutorial.md │ ├── running-a-model-cpp-tutorial.md │ ├── runtime-backend-delegate-implementation-and-linking.md │ ├── runtime-integration-advanced.md │ ├── runtime-overview.md │ ├── runtime-platform-abstraction-layer.md │ ├── runtime-profiling.md │ ├── runtime-python-api-reference.rst │ ├── runtime.md │ ├── success-stories.md │ ├── support-section.md │ ├── tools-section.md │ ├── tutorial-template.md │ ├── tutorial-xnnpack-delegate-lowering.md │ ├── tutorials_source │ ├── README.txt │ ├── devtools-integration-tutorial.py │ ├── etdump.etdp │ ├── export-to-executorch-tutorial.py │ └── template_tutorial.py │ ├── usage.md │ ├── using-executorch-android.md │ ├── using-executorch-building-from-source.md │ ├── using-executorch-cpp.md │ ├── using-executorch-export.md │ ├── using-executorch-faqs.md │ ├── using-executorch-ios.md │ ├── using-executorch-runtime-integration.md │ ├── using-executorch-troubleshooting.md │ └── visualize.md ├── examples ├── README.md ├── __init__.py ├── apple │ ├── coreml │ │ ├── .gitignore │ │ ├── README.md │ │ ├── executor_runner │ │ │ ├── coreml_executor_runner.xcodeproj │ │ │ │ ├── project.pbxproj │ │ │ │ ├── project.xcworkspace │ │ │ │ │ └── xcshareddata │ │ │ │ │ │ └── IDEWorkspaceChecks.plist │ │ │ │ └── xcshareddata │ │ │ │ │ └── xcschemes │ │ │ │ │ └── coreml_executor_runner.xcscheme │ │ │ ├── coreml_executor_runner.xcworkspace │ │ │ │ ├── contents.xcworkspacedata │ │ │ │ └── xcshareddata │ │ │ │ │ └── IDEWorkspaceChecks.plist │ │ │ └── main.mm │ │ ├── llama │ │ │ ├── TARGETS │ │ │ ├── export.py │ │ │ ├── llama_transformer.py │ │ │ ├── readme.md │ │ │ ├── run.py │ │ │ ├── run_lookahead.py │ │ │ ├── test.py │ │ │ └── utils.py │ │ └── scripts │ │ │ ├── TARGETS │ │ │ ├── build_executor_runner.sh │ │ │ ├── debugger_cli.py │ │ │ ├── export.py │ │ │ ├── extract_coreml_models.py │ │ │ ├── inspector_cli.py │ │ │ └── inspector_utils.py │ └── mps │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── executor_runner │ │ ├── TARGETS │ │ ├── mps_executor_runner.mm │ │ └── targets.bzl │ │ ├── scripts │ │ ├── bench_utils.py │ │ ├── build_mps_executor_runner.sh │ │ └── mps_example.py │ │ └── test_mps.sh ├── arm │ ├── README.md │ ├── aot_arm_compiler.py │ ├── ethos-u-porting-guide.md │ ├── ethos-u-setup │ │ ├── arm-none-eabi-gcc.cmake │ │ ├── core_platform │ │ │ └── 0001-Remove-hello_world-from-applications.patch │ │ ├── core_software │ │ │ └── 0001-Do-not-include-tflite-micro-and-rtos-projects-as-the.patch │ │ └── ethos-u │ │ │ └── 0001-Remove-unused-projects-from-25.05-manifest.patch │ ├── ethos_u_minimal_example.ipynb │ ├── example_modules │ │ └── add.py │ ├── executor_runner │ │ ├── CMakeLists.txt │ │ ├── Corstone-300.ld │ │ ├── Corstone-320.ld │ │ ├── arm_executor_runner.cpp │ │ ├── arm_memory_allocator.cpp │ │ ├── arm_memory_allocator.h │ │ ├── arm_perf_monitor.cpp │ │ ├── arm_perf_monitor.h │ │ └── pte_to_header.py │ ├── pruning_minimal_example.ipynb │ ├── run.sh │ ├── setup.sh │ ├── ubsan │ │ ├── CMakeLists.txt │ │ └── ubsan_runtime.c │ ├── vgf_minimal_example.ipynb │ └── visualize.py ├── cadence │ ├── CMakeLists.txt │ ├── models │ │ ├── babyllama.py │ │ ├── mobilenet_v2.py │ │ ├── resnet18.py │ │ ├── resnet50.py │ │ ├── rnnt_encoder.py │ │ ├── rnnt_joiner.py │ │ ├── rnnt_predictor.py │ │ ├── vision_transformer.py │ │ └── wav2vec2.py │ └── operators │ │ ├── test_add_op.py │ │ ├── test_g3_ops.py │ │ ├── test_quantized_conv1d_op.py │ │ ├── test_quantized_linear_op.py │ │ └── test_requantize_op.py ├── cuda │ └── scripts │ │ ├── __init__.py │ │ └── export.py ├── demo-apps │ └── react-native │ │ └── rnllama │ │ ├── .gitignore │ │ ├── README.md │ │ ├── app.json │ │ ├── app │ │ ├── _layout.tsx │ │ └── index.tsx │ │ ├── assets │ │ └── images │ │ │ └── rnllama.png │ │ ├── bridge │ │ └── LlamaBridge.ts │ │ ├── ios │ │ ├── .gitignore │ │ ├── .xcode.env │ │ ├── LlamaBridge.h │ │ ├── LlamaBridge.mm │ │ ├── Podfile │ │ ├── Podfile.lock │ │ ├── Podfile.properties.json │ │ ├── rnllama.xcodeproj │ │ │ ├── project.pbxproj │ │ │ └── xcshareddata │ │ │ │ └── xcschemes │ │ │ │ └── rnllama.xcscheme │ │ ├── rnllama.xcworkspace │ │ │ ├── contents.xcworkspacedata │ │ │ └── xcshareddata │ │ │ │ └── IDEWorkspaceChecks.plist │ │ └── rnllama │ │ │ ├── AppDelegate.h │ │ │ ├── AppDelegate.mm │ │ │ ├── Images.xcassets │ │ │ ├── AppIcon.appiconset │ │ │ │ ├── 1024.png │ │ │ │ ├── 114.png │ │ │ │ ├── 120.png │ │ │ │ ├── 180.png │ │ │ │ ├── 29.png │ │ │ │ ├── 40.png │ │ │ │ ├── 57.png │ │ │ │ ├── 58.png │ │ │ │ ├── 60.png │ │ │ │ ├── 80.png │ │ │ │ ├── 87.png │ │ │ │ └── Contents.json │ │ │ ├── Contents.json │ │ │ ├── SplashScreenBackground.colorset │ │ │ │ └── Contents.json │ │ │ └── SplashScreenLogo.imageset │ │ │ │ └── Contents.json │ │ │ ├── Info.plist │ │ │ ├── PrivacyInfo.xcprivacy │ │ │ ├── SplashScreen.storyboard │ │ │ ├── Supporting │ │ │ └── Expo.plist │ │ │ ├── main.m │ │ │ ├── noop-file.swift │ │ │ ├── rnllama-Bridging-Header.h │ │ │ └── rnllama.entitlements │ │ ├── package.json │ │ ├── tsconfig.json │ │ └── yarn.lock ├── devtools │ ├── CMakeLists.txt │ ├── README.md │ ├── build_example_runner.sh │ ├── example_runner │ │ ├── TARGETS │ │ ├── example_runner.cpp │ │ └── targets.bzl │ ├── scripts │ │ ├── etrecord.bin │ │ ├── export_bundled_program.py │ │ └── gen_sample_etrecord.py │ └── test_example_runner.sh ├── llm_manual │ ├── CMakeLists.txt │ ├── README.md │ ├── basic_sampler.h │ ├── basic_tokenizer.h │ ├── export_nanogpt.py │ └── main.cpp ├── llm_pte_finetuning │ ├── README.md │ ├── TARGETS │ ├── __init__.py │ ├── llama3_config.yaml │ ├── model_exporter.py │ ├── model_loading_lib.py │ ├── phi3_alpaca_code_config.yaml │ ├── phi3_config.yaml │ ├── qwen_05b_config.yaml │ ├── runner.py │ └── training_lib.py ├── mediatek │ ├── CMakeLists.txt │ ├── README.md │ ├── aot_utils │ │ ├── llm_utils │ │ │ ├── loggingprinter.py │ │ │ ├── preformatter.py │ │ │ ├── preformatter_templates │ │ │ │ ├── README.md │ │ │ │ ├── gemma.json │ │ │ │ ├── llama2.json │ │ │ │ ├── llama2_short.json │ │ │ │ ├── llama3.json │ │ │ │ ├── phi3.json │ │ │ │ ├── phi4_reasoning.json │ │ │ │ ├── qwen.json │ │ │ │ └── qwen3.json │ │ │ ├── prompts │ │ │ │ ├── alpaca.txt │ │ │ │ └── llama3.txt │ │ │ ├── sanity_checks.py │ │ │ ├── tokenizers_ │ │ │ │ ├── english_normalizer.py │ │ │ │ ├── tokenization_gemma.py │ │ │ │ ├── tokenization_gemma_fast.py │ │ │ │ ├── tokenization_gpt2.py │ │ │ │ ├── tokenization_llama.py │ │ │ │ ├── tokenization_qwen2.py │ │ │ │ ├── tokenization_qwen2_fast.py │ │ │ │ ├── tokenization_utils.py │ │ │ │ ├── tokenization_utils_base.py │ │ │ │ ├── tokenization_utils_fast.py │ │ │ │ ├── tokenization_whisper.py │ │ │ │ └── utils.py │ │ │ └── utils.py │ │ ├── mllm_utils │ │ │ ├── audio │ │ │ │ ├── audio_paths.txt │ │ │ │ ├── bruce.mp3 │ │ │ │ ├── french.mp3 │ │ │ │ ├── nggyu.mp3 │ │ │ │ ├── sample-4.mp3 │ │ │ │ ├── seven_miles_cut.mp3 │ │ │ │ └── those_years_cut.mp3 │ │ │ └── preprocessor_whisper.py │ │ └── oss_utils │ │ │ └── utils.py │ ├── eval_utils │ │ └── eval_oss_result.py │ ├── executor_runner │ │ ├── llama_runner │ │ │ ├── CMakeLists.txt │ │ │ ├── FileMemMapper.h │ │ │ ├── LlamaConfig.h │ │ │ ├── LlamaModelChunk.cpp │ │ │ ├── LlamaModelChunk.h │ │ │ ├── LlamaRuntime.cpp │ │ │ ├── LlamaRuntime.h │ │ │ ├── ModelChunk.cpp │ │ │ ├── ModelChunk.h │ │ │ ├── MultiModelLoader.cpp │ │ │ ├── MultiModelLoader.h │ │ │ ├── Utils.h │ │ │ └── llm_helper │ │ │ │ ├── include │ │ │ │ ├── llama_runner_values.h │ │ │ │ ├── llm_types.h │ │ │ │ ├── mask_builder.h │ │ │ │ ├── rotary_embedding.h │ │ │ │ └── token_embedding.h │ │ │ │ ├── mask_builder.cpp │ │ │ │ ├── rotary_embedding.cpp │ │ │ │ └── token_embedding.cpp │ │ ├── mtk_executor_runner.cpp │ │ ├── mtk_llama_executor_runner.cpp │ │ ├── mtk_llama_runner.cpp │ │ ├── mtk_llama_runner.h │ │ ├── mtk_oss_executor_runner.cpp │ │ ├── run_gemma2_sample.sh │ │ ├── run_gemma3_sample.sh │ │ ├── run_llama3_sample.sh │ │ ├── run_phi3_sample.sh │ │ ├── run_phi4_sample.sh │ │ ├── run_qwen2_sample.sh │ │ └── run_qwen3_sample.sh │ ├── model_export_scripts │ │ ├── bert.py │ │ ├── dcgan.py │ │ ├── dcgan_main.py │ │ ├── deeplab_v3.py │ │ ├── distilbert.py │ │ ├── edsr.py │ │ ├── emformer_rnnt.py │ │ ├── gemma.py │ │ ├── inception_v3.py │ │ ├── inception_v4.py │ │ ├── llama.py │ │ ├── mobilebert.py │ │ ├── mobilenet_v2.py │ │ ├── mobilenet_v3.py │ │ ├── phi.py │ │ ├── qwen.py │ │ ├── resnet18.py │ │ ├── resnet50.py │ │ ├── vit_b_16.py │ │ ├── wav2letter.py │ │ └── whisper.py │ ├── models │ │ └── llm_models │ │ │ ├── __init__.py │ │ │ ├── configuration_base.py │ │ │ ├── configuration_gemma.py │ │ │ ├── configuration_llama.py │ │ │ ├── configuration_phi.py │ │ │ ├── configuration_qwen.py │ │ │ ├── configuration_whisper.py │ │ │ ├── modeling_base.py │ │ │ ├── modeling_common.py │ │ │ ├── modeling_gemma.py │ │ │ ├── modeling_llama.py │ │ │ ├── modeling_phi.py │ │ │ ├── modeling_qwen.py │ │ │ ├── modeling_whisper.py │ │ │ └── weights │ │ │ ├── .gitignore │ │ │ ├── Llama-3.2-1B-Instruct │ │ │ ├── config.json │ │ │ ├── special_tokens_map.json │ │ │ ├── tokenizer.json │ │ │ └── tokenizer_config.json │ │ │ ├── Llama-3.2-3B-Instruct │ │ │ ├── config.json │ │ │ ├── special_tokens_map.json │ │ │ ├── tokenizer.json │ │ │ └── tokenizer_config.json │ │ │ ├── Qwen2-1.5B-Instruct │ │ │ └── config.json │ │ │ ├── Qwen2-7B-Instruct │ │ │ └── config.json │ │ │ ├── Qwen2.5-0.5B-Instruct │ │ │ └── config.json │ │ │ ├── Qwen2.5-3B │ │ │ └── config.json │ │ │ ├── Qwen3-1.7B │ │ │ └── config.json │ │ │ ├── Qwen3-4B │ │ │ └── config.json │ │ │ ├── gemma2_2b_it │ │ │ └── config.json │ │ │ ├── gemma3_1b_it │ │ │ └── config.json │ │ │ ├── llama3-8B-instruct │ │ │ ├── config.json │ │ │ ├── special_tokens_map.json │ │ │ ├── tokenizer.json │ │ │ └── tokenizer_config.json │ │ │ ├── phi-4-mini-reasoning │ │ │ └── config.json │ │ │ ├── phi3.5-mini-instruct │ │ │ └── config.json │ │ │ └── whisper-large-v3-turbo │ │ │ └── config_refactor.json │ ├── mtk_build_examples.sh │ └── shell_scripts │ │ ├── export_gemma.sh │ │ ├── export_llama.sh │ │ ├── export_oss.sh │ │ ├── export_phi.sh │ │ ├── export_qwen.sh │ │ └── export_whisper.sh ├── models │ ├── __init__.py │ ├── checkpoint.py │ ├── codegen │ │ ├── __init__.py │ │ ├── config │ │ │ └── config.json │ │ └── convert_weight.py │ ├── deeplab_v3 │ │ ├── __init__.py │ │ └── model.py │ ├── deepseek-r1-distill-llama-8B │ │ ├── README.md │ │ └── config │ │ │ └── deepseek_xnnpack_q8da4w.yaml │ ├── deit_tiny │ │ ├── __init__.py │ │ └── model.py │ ├── edsr │ │ ├── __init__.py │ │ └── model.py │ ├── efficient_sam │ │ ├── README.md │ │ ├── __init__.py │ │ ├── efficient_sam_core │ │ │ ├── LICENSE.txt │ │ │ ├── build_efficient_sam.py │ │ │ ├── efficient_sam.py │ │ │ ├── efficient_sam_decoder.py │ │ │ ├── efficient_sam_encoder.py │ │ │ ├── mlp.py │ │ │ └── two_way_transformer.py │ │ └── model.py │ ├── emformer_rnnt │ │ ├── __init__.py │ │ └── model.py │ ├── gemma │ │ ├── __init__.py │ │ ├── config │ │ │ └── 2b_config.json │ │ └── convert_weights.py │ ├── gemma3 │ │ ├── CMakeLists.txt │ │ ├── CMakePresets.json │ │ ├── README.md │ │ ├── __init__.py │ │ ├── config │ │ │ └── 1b_config.json │ │ ├── convert_weights.py │ │ └── e2e_runner.cpp │ ├── glm │ │ ├── __init__.py │ │ ├── config │ │ │ └── 1_5b_config.json │ │ └── convert_weights.py │ ├── granite │ │ ├── __init__.py │ │ ├── config │ │ │ └── 2b_config.json │ │ └── convert_weights.py │ ├── inception_v3 │ │ ├── __init__.py │ │ └── model.py │ ├── inception_v4 │ │ ├── __init__.py │ │ └── model.py │ ├── lfm2 │ │ ├── README.md │ │ ├── __init__.py │ │ ├── config │ │ │ ├── lfm2_1_2b_config.json │ │ │ ├── lfm2_350m_config.json │ │ │ ├── lfm2_700m_config.json │ │ │ ├── lfm2_xnnpack_fp32.yaml │ │ │ └── lfm2_xnnpack_q8da4w.yaml │ │ ├── convert_weights.py │ │ └── short_conv.py │ ├── llama │ │ ├── Android3_2_1B_bf16.gif │ │ ├── Android3_2_3B_SpinQuant.gif │ │ ├── CMakeLists.txt │ │ ├── CMakePresets.json │ │ ├── LICENSE │ │ ├── README.md │ │ ├── TARGETS │ │ ├── UTILS.md │ │ ├── __init__.py │ │ ├── attention.py │ │ ├── config │ │ │ ├── TARGETS │ │ │ ├── llama_bf16.yaml │ │ │ ├── llama_q8da4w.yaml │ │ │ ├── llama_xnnpack.yaml │ │ │ ├── llama_xnnpack_qat.yaml │ │ │ ├── llama_xnnpack_spinquant.yaml │ │ │ ├── targets.bzl │ │ │ └── test_llm_config.py │ │ ├── convert_weights.py │ │ ├── eval_llama.py │ │ ├── eval_llama_lib.py │ │ ├── evaluate │ │ │ ├── __init__.py │ │ │ └── eager_eval.py │ │ ├── experimental │ │ │ ├── README.md │ │ │ ├── TARGETS │ │ │ ├── __init__.py │ │ │ ├── generate.py │ │ │ ├── load_gguf_q4_0.py │ │ │ ├── subclass.py │ │ │ ├── targets.bzl │ │ │ └── test_subclass.py │ │ ├── export_llama.py │ │ ├── export_llama_lib.py │ │ ├── fairseq2.py │ │ ├── feed_forward.py │ │ ├── hf_download.py │ │ ├── install_requirement_helper.py │ │ ├── install_requirements.sh │ │ ├── llama_transformer.py │ │ ├── llama_via_xnnpack.gif │ │ ├── lora.py │ │ ├── main.cpp │ │ ├── model.py │ │ ├── model_args.py │ │ ├── non_cpu_backends.md │ │ ├── norm.py │ │ ├── params │ │ │ ├── TARGETS │ │ │ ├── demo_config.json │ │ │ └── demo_rand_params.pth │ │ ├── rope.py │ │ ├── runner │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── eager.py │ │ │ ├── generation.py │ │ │ ├── native.py │ │ │ ├── runner.cpp │ │ │ ├── runner.h │ │ │ ├── static_attention_io_manager.h │ │ │ └── targets.bzl │ │ ├── source_transformation │ │ │ ├── __init__.py │ │ │ ├── apply_spin_quant_r1_r2.py │ │ │ ├── attention.py │ │ │ ├── attention_sink.py │ │ │ ├── custom_kv_cache.py │ │ │ ├── lora.py │ │ │ ├── pre_quantization.py │ │ │ ├── prune_vocab.py │ │ │ ├── quantize.py │ │ │ ├── rms_norm.py │ │ │ ├── rope.py │ │ │ ├── sdpa.py │ │ │ ├── spin_quant.py │ │ │ ├── test_attention_sink.py │ │ │ ├── test_quantized_kv_cache.py │ │ │ ├── test_quantized_sdpa.py │ │ │ └── test_sdpa_with_quantized_kv_cache.py │ │ ├── static_attention.py │ │ ├── targets.bzl │ │ ├── test_llama_runner.sh │ │ ├── tests │ │ │ ├── TARGETS │ │ │ ├── test_export_llama_lib.py │ │ │ ├── test_pre_quantization_transforms.py │ │ │ ├── test_replace_kv_cache.py │ │ │ ├── test_ring_attention.py │ │ │ ├── test_ring_kv_cache.py │ │ │ ├── test_simple_sdpa.py │ │ │ └── test_static_attention.py │ │ └── tokenizer │ │ │ ├── TARGETS │ │ │ ├── llama_tiktoken.cpp │ │ │ ├── llama_tiktoken.h │ │ │ ├── targets.bzl │ │ │ ├── test │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── resources │ │ │ │ └── test_tiktoken_tokenizer.model │ │ │ ├── targets.bzl │ │ │ └── test_tiktoken.cpp │ │ │ └── tiktoken.py │ ├── llama2 │ │ └── README.md │ ├── llama3 │ │ └── README.md │ ├── llama3_2_vision │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── cross_attention │ │ │ ├── TARGETS │ │ │ ├── cross_attention_mask.cpp │ │ │ ├── cross_attention_mask.h │ │ │ ├── cross_attention_mask_test.cpp │ │ │ └── targets.bzl │ │ ├── preprocess │ │ │ ├── TARGETS │ │ │ ├── __init__.py │ │ │ ├── export_preprocess.py │ │ │ ├── model.py │ │ │ ├── preprocess.cpp │ │ │ ├── preprocess.h │ │ │ ├── preprocess_test.cpp │ │ │ ├── targets.bzl │ │ │ └── test_preprocess.py │ │ ├── runner │ │ │ ├── eager.py │ │ │ ├── exported.py │ │ │ ├── generation.py │ │ │ └── native.py │ │ ├── text_decoder │ │ │ ├── TARGETS │ │ │ ├── model.py │ │ │ ├── params │ │ │ │ └── demo_config.json │ │ │ └── test │ │ │ │ ├── __init__.py │ │ │ │ └── test_text_decoder.py │ │ └── vision_encoder │ │ │ ├── TARGETS │ │ │ ├── __init__.py │ │ │ ├── model.py │ │ │ └── test │ │ │ ├── __init__.py │ │ │ └── test_vision_encoder.py │ ├── llava │ │ ├── CMakeLists.txt │ │ ├── CMakePresets.json │ │ ├── README.md │ │ ├── __init__.py │ │ ├── export_llava.py │ │ ├── install_requirements.sh │ │ ├── llava_via_xnnpack.gif │ │ ├── main.cpp │ │ ├── model.py │ │ ├── targets.bzl │ │ └── test │ │ │ ├── test_llava.py │ │ │ └── test_pte.py │ ├── lstm │ │ ├── __init__.py │ │ └── model.py │ ├── mobilebert │ │ ├── __init__.py │ │ └── model.py │ ├── mobilenet_v2 │ │ ├── __init__.py │ │ └── model.py │ ├── mobilenet_v3 │ │ ├── __init__.py │ │ └── model.py │ ├── model_base.py │ ├── model_factory.py │ ├── moshi │ │ └── mimi │ │ │ ├── install_requirements.sh │ │ │ └── test_mimi.py │ ├── phi-3-mini-lora │ │ ├── README.md │ │ ├── export_model.py │ │ └── install_requirements.sh │ ├── phi-3-mini │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── __init__.py │ │ ├── install_requirements.sh │ │ └── main.cpp │ ├── phi_4_mini │ │ ├── README.md │ │ ├── __init__.py │ │ ├── config │ │ │ ├── config.json │ │ │ └── phi_4_mini_xnnpack.yaml │ │ └── convert_weights.py │ ├── qwen2_5 │ │ ├── README.md │ │ ├── __init__.py │ │ ├── config │ │ │ ├── 0_5b_config.json │ │ │ ├── 1_5b_config.json │ │ │ └── qwen2_5_xnnpack_q8da4w.yaml │ │ └── convert_weights.py │ ├── qwen3 │ │ ├── README.md │ │ ├── __init__.py │ │ ├── config │ │ │ ├── 0_6b_config.json │ │ │ ├── 1_7b_config.json │ │ │ ├── 4b_config.json │ │ │ └── qwen3_xnnpack_q8da4w.yaml │ │ └── convert_weights.py │ ├── resnet │ │ ├── __init__.py │ │ └── model.py │ ├── smollm2 │ │ ├── 135M_config.json │ │ ├── __init__.py │ │ └── convert_weights.py │ ├── smollm3 │ │ ├── 3b_config.json │ │ ├── __init__.py │ │ └── convert_weights.py │ ├── stable_diffusion │ │ ├── __init__.py │ │ └── model.py │ ├── test │ │ ├── __init__.py │ │ └── test_export.py │ ├── torchvision_vit │ │ ├── __init__.py │ │ └── model.py │ ├── toy_model │ │ ├── __init__.py │ │ └── model.py │ ├── voxtral │ │ ├── CMakeLists.txt │ │ ├── CMakePresets.json │ │ ├── README.md │ │ └── multimodal.cpp │ ├── wav2letter │ │ ├── __init__.py │ │ └── model.py │ ├── whisper │ │ ├── CMakeLists.txt │ │ ├── CMakePresets.json │ │ ├── README.md │ │ └── main.cpp │ └── yolo12 │ │ ├── .gitignore │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── export_and_validate.py │ │ ├── inference.h │ │ ├── main.cpp │ │ └── requirements.txt ├── nxp │ ├── README.md │ ├── aot_neutron_compile.py │ ├── experimental │ │ └── cifar_net │ │ │ ├── cifar_net.pth │ │ │ └── cifar_net.py │ ├── models │ │ └── mobilenet_v2.py │ ├── run_aot_example.sh │ └── setup.sh ├── openvino │ ├── README.md │ ├── aot_optimize_and_infer.py │ ├── llama │ │ ├── README.md │ │ └── llama3_2_ov_4wo.yaml │ └── stable_diffusion │ │ ├── README.md │ │ ├── export_lcm.py │ │ ├── openvino_lcm.py │ │ └── requirements.txt ├── portable │ ├── README.md │ ├── custom_ops │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── TARGETS │ │ ├── custom_ops.yaml │ │ ├── custom_ops_1.py │ │ ├── custom_ops_1_out.cpp │ │ ├── custom_ops_2.cpp │ │ ├── custom_ops_2.py │ │ ├── custom_ops_2_out.cpp │ │ ├── targets.bzl │ │ └── test_custom_ops.sh │ ├── executor_runner │ │ ├── TARGETS │ │ ├── executor_runner.cpp │ │ └── targets.bzl │ └── scripts │ │ ├── export.py │ │ ├── export_and_delegate.py │ │ └── test_demo_backend_delegation.sh ├── qualcomm │ ├── CMakeLists.txt │ ├── README.md │ ├── TARGETS │ ├── custom_op │ │ ├── README.md │ │ ├── custom_ops_1.py │ │ └── example_op_package_htp │ │ │ └── ExampleOpPackage │ │ │ ├── Makefile │ │ │ ├── config │ │ │ └── example_op_package_htp.xml │ │ │ └── src │ │ │ ├── ExampleOpPackageInterface.cpp │ │ │ └── ops │ │ │ └── ExampleCustomOp.cpp │ ├── executor_runner │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── qnn_executor_runner.cpp │ │ └── targets.bzl │ ├── oss_scripts │ │ ├── README.md │ │ ├── albert.py │ │ ├── bert.py │ │ ├── conv_former.py │ │ ├── convnext_small.py │ │ ├── cvt.py │ │ ├── deit.py │ │ ├── dino_v2.py │ │ ├── distilbert.py │ │ ├── dit.py │ │ ├── efficientSAM │ │ │ ├── efficientSAM.py │ │ │ └── source_transformation │ │ │ │ ├── __init__.py │ │ │ │ ├── mask_decoder.py │ │ │ │ └── pos_emb.py │ │ ├── efficientnet.py │ │ ├── esrgan.py │ │ ├── eurobert.py │ │ ├── fastvit.py │ │ ├── fbnet.py │ │ ├── focalnet.py │ │ ├── gMLP_image_classification.py │ │ ├── llama │ │ │ ├── CMakeLists.txt │ │ │ ├── README.md │ │ │ ├── TARGETS │ │ │ ├── __init__.py │ │ │ ├── artifacts │ │ │ │ ├── README.md │ │ │ │ └── stories260k_hybrid_llama_qnn.pte │ │ │ ├── assets │ │ │ │ ├── PromptProcessingWithARN.png │ │ │ │ ├── ShiftPointer.png │ │ │ │ └── SmartMask.png │ │ │ ├── decoder_constants.py │ │ │ ├── decoder_utils.py │ │ │ ├── eval_llama_qnn.py │ │ │ ├── llama.py │ │ │ ├── masking_utils.py │ │ │ ├── model │ │ │ │ ├── __init__.py │ │ │ │ ├── apply_rope.py │ │ │ │ ├── feed_forward.py │ │ │ │ ├── layernorm.py │ │ │ │ └── static_llama.py │ │ │ ├── qnn_llama_runner.cpp │ │ │ ├── range_setting_pt2e.py │ │ │ ├── runner │ │ │ │ ├── cache_utils.h │ │ │ │ ├── client_mem.h │ │ │ │ ├── decoder_runner.cpp │ │ │ │ ├── decoder_runner.h │ │ │ │ ├── imem_alloc.h │ │ │ │ ├── kv_manager.cpp │ │ │ │ ├── kv_manager.h │ │ │ │ ├── lhd_token_generator.cpp │ │ │ │ ├── lhd_token_generator.h │ │ │ │ ├── prompt_processor.cpp │ │ │ │ ├── prompt_processor.h │ │ │ │ ├── rpc_mem.cpp │ │ │ │ ├── rpc_mem.h │ │ │ │ ├── runner.cpp │ │ │ │ ├── runner.h │ │ │ │ ├── token_generator.cpp │ │ │ │ ├── token_generator.h │ │ │ │ └── utils.h │ │ │ ├── static_llm_quant_recipe.py │ │ │ └── targets.bzl │ │ ├── llm_utils │ │ │ ├── README.md │ │ │ ├── decoder_model_wrapper.py │ │ │ ├── eval_decoder_model_qnn.py │ │ │ └── qnn_decoder_model_manager.py │ │ ├── maxvit_t.py │ │ ├── mobilevit_v1.py │ │ ├── mobilevit_v2.py │ │ ├── moshi │ │ │ ├── CMakeLists.txt │ │ │ ├── mimi.py │ │ │ ├── model │ │ │ │ ├── static_conv.py │ │ │ │ ├── static_convtr.py │ │ │ │ ├── static_mimi.py │ │ │ │ └── static_seanet_decoder.py │ │ │ ├── qnn_mimi_decoder_runner.cpp │ │ │ └── runner │ │ │ │ ├── runner.cpp │ │ │ │ └── runner.h │ │ ├── pvt.py │ │ ├── qwen2_5 │ │ │ └── qwen2_5.py │ │ ├── regnet.py │ │ ├── retinanet.py │ │ ├── roberta.py │ │ ├── squeezenet.py │ │ ├── ssd300_vgg16.py │ │ ├── swin_transformer.py │ │ ├── swin_v2_t.py │ │ ├── t5 │ │ │ ├── CMakeLists.txt │ │ │ ├── qnn_t5_runner.cpp │ │ │ ├── runner │ │ │ │ ├── decoder.cpp │ │ │ │ ├── decoder.h │ │ │ │ ├── encoder.cpp │ │ │ │ ├── encoder.h │ │ │ │ ├── runner.cpp │ │ │ │ └── runner.h │ │ │ ├── t5.py │ │ │ └── t5_model.py │ │ ├── vit_b_16.py │ │ └── whisper │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── qnn_whisper_runner.cpp │ │ │ ├── runner │ │ │ ├── decoder.cpp │ │ │ ├── decoder.h │ │ │ ├── encoder.cpp │ │ │ ├── encoder.h │ │ │ ├── runner.cpp │ │ │ └── runner.h │ │ │ ├── targets.bzl │ │ │ ├── whisper.py │ │ │ └── whisper_model.py │ ├── qaihub_scripts │ │ ├── llama │ │ │ ├── CMakeLists.txt │ │ │ ├── README.md │ │ │ ├── llama2 │ │ │ │ ├── qaihub_llama2_7b.py │ │ │ │ └── qaihub_llama2_7b_runner.cpp │ │ │ ├── llama3 │ │ │ │ ├── qaihub_llama3_8b.py │ │ │ │ └── qaihub_llama3_8b_runner.cpp │ │ │ └── runner │ │ │ │ ├── io_memory.cpp │ │ │ │ ├── io_memory.h │ │ │ │ ├── runner.cpp │ │ │ │ └── runner.h │ │ ├── stable_diffusion │ │ │ ├── CMakeLists.txt │ │ │ ├── README.md │ │ │ ├── install_requirements.sh │ │ │ ├── qaihub_stable_diffusion.py │ │ │ ├── qaihub_stable_diffusion_runner.cpp │ │ │ ├── runner │ │ │ │ ├── runner.cpp │ │ │ │ └── runner.h │ │ │ └── stable_diffusion_lib.py │ │ └── utils │ │ │ ├── README.md │ │ │ ├── export.py │ │ │ └── utils.py │ ├── qnn_intermediate_output_inspector.py │ ├── scripts │ │ ├── README.md │ │ ├── deeplab_v3.py │ │ ├── edsr.py │ │ ├── export_example.py │ │ ├── inception_v3.py │ │ ├── inception_v4.py │ │ ├── install_requirement.sh │ │ ├── mobilebert_fine_tune.py │ │ ├── mobilenet_v2.py │ │ ├── mobilenet_v3.py │ │ ├── torchvision_vit.py │ │ └── wav2letter.py │ ├── test_qualcomm.sh │ ├── util_scripts │ │ ├── README.md │ │ ├── cli.py │ │ ├── gen_etrecord.py │ │ └── qairt_visualizer_demo.py │ └── utils.py ├── raspberry_pi │ ├── pico2 │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── build_firmware_pico.sh │ │ ├── export_mlp_mnist.py │ │ ├── main.cpp │ │ ├── model_pte.c │ │ ├── model_pte.h │ │ └── pte_to_array.py │ └── setup.sh ├── samsung │ ├── README.md │ ├── aot_compiler.py │ ├── executor_runner │ │ └── enn_executor_runner.cpp │ ├── scripts │ │ ├── deeplab_v3.py │ │ ├── edsr.py │ │ ├── inception_v3.py │ │ ├── inception_v4.py │ │ ├── mobilebert_finetune.py │ │ ├── mobilenet_v2.py │ │ ├── mobilenet_v3.py │ │ ├── resnet18.py │ │ ├── resnet50.py │ │ ├── vit.py │ │ └── wav2letter.py │ └── utils.py ├── selective_build │ ├── README.md │ ├── TARGETS │ ├── advanced │ │ └── CMakeLists.txt │ ├── basic │ │ └── CMakeLists.txt │ ├── targets.bzl │ └── test_selective_build.sh ├── vulkan │ ├── README.md │ ├── __init__.py │ └── export.py ├── wasm │ ├── README.md │ └── test_build_wasm.sh ├── xnnpack │ ├── README.md │ ├── TARGETS │ ├── __init__.py │ ├── aot_compiler.py │ ├── executor_runner │ │ ├── TARGETS │ │ └── targets.bzl │ ├── quantization │ │ ├── example.py │ │ ├── test_quantize.sh │ │ └── utils.py │ └── targets.bzl └── zephyr │ └── x86_64-linux-arm-zephyr-eabi-gcc.cmake ├── exir ├── TARGETS ├── __init__.py ├── _serialize │ ├── TARGETS │ ├── __init__.py │ ├── _cord.py │ ├── _dataclass.py │ ├── _flatbuffer.py │ ├── _named_data_store.py │ ├── _program.py │ ├── _serialize.py │ ├── bindings.cpp │ ├── data_serializer.py │ ├── padding.py │ └── test │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── test_cord.py │ │ ├── test_flatbuffer.py │ │ ├── test_named_data_store.py │ │ └── test_program.py ├── _warnings.py ├── backend │ ├── TARGETS │ ├── backend_api.py │ ├── backend_details.py │ ├── canonical_partitioners │ │ ├── TARGETS │ │ ├── all_node_partitioner.py │ │ ├── config_partitioner.py │ │ ├── duplicate_constant_node_pass.py │ │ ├── duplicate_dequant_node_pass.py │ │ ├── group_partitioner.py │ │ └── pattern_op_partitioner.py │ ├── compile_spec_schema.py │ ├── operator_support.py │ ├── partitioner.py │ ├── targets.bzl │ ├── test │ │ ├── TARGETS │ │ ├── backend_with_compiler_demo.py │ │ ├── backend_with_delegate_mapping_demo.py │ │ ├── backend_with_named_data_map.py │ │ ├── backend_with_preprocess_all_demo.py │ │ ├── demo_backend.py │ │ ├── demos │ │ │ ├── TARGETS │ │ │ ├── rpc │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── ExecutorBackend.cpp │ │ │ │ ├── ExecutorBackend.h │ │ │ │ ├── ExecutorBackendRegister.cpp │ │ │ │ ├── TARGETS │ │ │ │ ├── executor_backend_partitioner.py │ │ │ │ ├── executor_backend_preprocess.py │ │ │ │ ├── targets.bzl │ │ │ │ └── test_rpc.py │ │ │ └── test_delegate_aten_mode.py │ │ ├── hta_partitioner_demo.py │ │ ├── op_partitioner_demo.py │ │ ├── test_backend_with_named_data_map.py │ │ ├── test_backends.py │ │ ├── test_backends_lifted.py │ │ ├── test_backends_nested.py │ │ ├── test_compatibility.py │ │ ├── test_debug_handle_map.py │ │ ├── test_delegate_map_builder.py │ │ ├── test_graph_partition.py │ │ ├── test_group_partitioner.py │ │ ├── test_lowered_backend_module.py │ │ ├── test_partitioner.py │ │ ├── test_passes.py │ │ ├── test_to_backend_multi_method.py │ │ └── test_utils.py │ └── utils.py ├── capture │ ├── TARGETS │ ├── __init__.py │ ├── _capture.py │ ├── _config.py │ └── _unlift.py ├── common.py ├── control_flow.py ├── debug_handle_utils.py ├── delegate.py ├── delegate.pyi ├── dialects │ ├── TARGETS │ ├── __init__.py │ ├── _ops.py │ ├── backend │ │ ├── TARGETS │ │ ├── _ops.py │ │ └── test │ │ │ ├── TARGETS │ │ │ └── test_backend_ops.py │ ├── edge │ │ ├── TARGETS │ │ ├── _ops.py │ │ ├── arg │ │ │ ├── TARGETS │ │ │ ├── model.py │ │ │ └── type.py │ │ ├── dtype │ │ │ ├── TARGETS │ │ │ ├── runner.py │ │ │ ├── supported.py │ │ │ └── utils.py │ │ ├── edge.yaml │ │ ├── op │ │ │ ├── TARGETS │ │ │ ├── api.py │ │ │ ├── sample_input.py │ │ │ └── test │ │ │ │ └── test_api.py │ │ ├── spec │ │ │ ├── TARGETS │ │ │ ├── gen.py │ │ │ └── utils.py │ │ └── test │ │ │ ├── TARGETS │ │ │ ├── test_edge_ops.py │ │ │ └── test_edge_yaml.py │ └── test │ │ ├── TARGETS │ │ └── test_exir_dialect_ops.py ├── dim_order_utils.py ├── dynamic_shape.py ├── emit │ ├── TARGETS │ ├── __init__.py │ ├── _emit_program.py │ ├── _emitter.py │ └── test │ │ ├── TARGETS │ │ └── test_emit.py ├── error.py ├── graph.py ├── graph_module.py ├── lowered_backend_module.py ├── memory.py ├── memory_planning.py ├── operator │ ├── TARGETS │ ├── convert.py │ ├── manip.py │ ├── test │ │ └── test_operator.py │ └── util.py ├── pass_base.py ├── pass_manager.py ├── passes │ ├── TARGETS │ ├── __init__.py │ ├── _quant_patterns_and_replacements.py │ ├── const_prop_pass.py │ ├── constant_prop_pass.py │ ├── debug_handle_generator_pass.py │ ├── dim_order_ops_registry.py │ ├── dynamic_shape_prop_pass.py │ ├── executorch_prim_ops_registry.py │ ├── external_constants_pass.py │ ├── init_mutable_pass.py │ ├── insert_write_back_for_buffers_pass.py │ ├── memory_format_ops_pass.py │ ├── memory_planning_pass.py │ ├── normalize_transpose_pass.py │ ├── normalize_view_copy_base_pass.py │ ├── pass_registry.py │ ├── prune_empty_tensors_pass.py │ ├── quant_fusion_pass.py │ ├── quantize_io_pass.py │ ├── reinplace.py │ ├── remove_graph_asserts_pass.py │ ├── remove_mixed_type_operators.py │ ├── remove_noop_pass.py │ ├── remove_unused_parameters_pass.py │ ├── replace_aten_with_edge_pass.py │ ├── replace_broken_ops_with_function_ops_pass.py │ ├── replace_edge_with_backend_pass.py │ ├── replace_sym_size_op_pass.py │ ├── replace_view_copy_with_view_pass.py │ ├── scalar_to_tensor_pass.py │ ├── spec_prop_pass.py │ ├── sym_shape_eval_pass.py │ ├── sym_to_tensor_pass.py │ └── weights_to_outputs_pass.py ├── print_program.py ├── program │ ├── TARGETS │ ├── __init__.py │ ├── _fake_program.py │ ├── _program.py │ └── test │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── test_fake_program.py │ │ └── test_program.py ├── scalar_type.py ├── schema.py ├── serde │ ├── TARGETS │ ├── __init__.py │ ├── export_serialize.py │ ├── schema.py │ ├── schema_check.py │ ├── serialize.py │ └── union.py ├── sym_util.py ├── tensor.py ├── tensor_layout.py ├── tests │ ├── TARGETS │ ├── asr_joiner.py │ ├── common.py │ ├── control_flow_models.py │ ├── dynamic_shape_models.py │ ├── models.py │ ├── test_arg_validator.py │ ├── test_capture.py │ ├── test_common.py │ ├── test_delegate.py │ ├── test_dim_order_utils.py │ ├── test_dynamic_shape_propagation.py │ ├── test_error.py │ ├── test_extract_io_quant_params.py │ ├── test_joint_graph.py │ ├── test_lib.cpp │ ├── test_memory_format_ops_pass.py │ ├── test_memory_format_ops_pass_aten.py │ ├── test_memory_format_ops_pass_utils.py │ ├── test_memory_planning.py │ ├── test_op_convert.py │ ├── test_pass_infra.py │ ├── test_passes.py │ ├── test_print_program.py │ ├── test_prune_empty_tensors_pass.py │ ├── test_quant_fusion_pass.py │ ├── test_quantization.py │ ├── test_quantize_io_pass.py │ ├── test_reinplace_pass.py │ ├── test_remove_unused_parameters_pass.py │ ├── test_remove_view_copy.py │ ├── test_serde.py │ ├── test_tensor.py │ ├── test_tracer.py │ ├── test_verification.py │ ├── test_warnings.py │ └── transformer.py ├── tracer.py ├── types.py ├── verification │ ├── TARGETS │ ├── arg_validator.py │ ├── bindings.cpp │ ├── dev_html.py │ ├── interpreter.py │ ├── test │ │ └── test_verifier.py │ └── verifier.py ├── version.py └── wrap.py ├── export ├── TARGETS ├── __init__.py ├── export.py ├── recipe.py ├── recipe_provider.py ├── recipe_registry.py ├── stages.py ├── target_recipes.py ├── tests │ ├── TARGETS │ ├── test_executorch_export.py │ ├── test_export_recipe.py │ ├── test_export_session.py │ ├── test_export_stages.py │ ├── test_recipe_provider.py │ ├── test_recipe_registry.py │ └── test_target_recipes.py ├── types.py └── utils.py ├── extension ├── android │ ├── .gitignore │ ├── BUCK │ ├── CMakeLists.txt │ ├── README.md │ ├── build.gradle │ ├── executorch_android │ │ ├── android_test_setup.sh │ │ ├── build.gradle │ │ └── src │ │ │ ├── androidTest │ │ │ ├── AndroidManifest.xml │ │ │ ├── java │ │ │ │ └── org │ │ │ │ │ └── pytorch │ │ │ │ │ └── executorch │ │ │ │ │ ├── LlmModuleInstrumentationTest.kt │ │ │ │ │ ├── ModuleE2ETest.kt │ │ │ │ │ ├── ModuleInstrumentationTest.kt │ │ │ │ │ ├── RuntimeInstrumentationTest.kt │ │ │ │ │ ├── TensorImageUtils.kt │ │ │ │ │ ├── TestFileUtils.kt │ │ │ │ │ └── training │ │ │ │ │ └── TrainingModuleE2ETest.kt │ │ │ └── resources │ │ │ │ ├── banana.jpeg │ │ │ │ └── test.txt │ │ │ ├── main │ │ │ ├── AndroidManifest.xml │ │ │ └── java │ │ │ │ └── org │ │ │ │ └── pytorch │ │ │ │ └── executorch │ │ │ │ ├── DType.java │ │ │ │ ├── EValue.java │ │ │ │ ├── ExecuTorchRuntime.java │ │ │ │ ├── ExecutorchRuntimeException.java │ │ │ │ ├── MethodMetadata.java │ │ │ │ ├── Module.java │ │ │ │ ├── Tensor.java │ │ │ │ ├── annotations │ │ │ │ ├── Experimental.java │ │ │ │ └── package-info.java │ │ │ │ ├── extension │ │ │ │ └── llm │ │ │ │ │ ├── LlmCallback.java │ │ │ │ │ ├── LlmGenerationConfig.java │ │ │ │ │ ├── LlmModule.java │ │ │ │ │ ├── LlmModuleConfig.java │ │ │ │ │ └── package-info.java │ │ │ │ ├── package-info.java │ │ │ │ └── training │ │ │ │ ├── SGD.java │ │ │ │ └── TrainingModule.java │ │ │ └── test │ │ │ └── java │ │ │ └── org │ │ │ └── pytorch │ │ │ └── executorch │ │ │ ├── EValueTest.kt │ │ │ └── TensorTest.kt │ ├── gradle.properties │ ├── gradle │ │ ├── libs.versions.toml │ │ └── wrapper │ │ │ ├── gradle-wrapper.jar │ │ │ └── gradle-wrapper.properties │ ├── gradlew │ ├── gradlew.bat │ ├── jni │ │ ├── BUCK │ │ ├── build_defs.bzl │ │ ├── jni_helper.cpp │ │ ├── jni_helper.h │ │ ├── jni_layer.cpp │ │ ├── jni_layer_constants.h │ │ ├── jni_layer_llama.cpp │ │ ├── jni_layer_runtime.cpp │ │ ├── jni_layer_training.cpp │ │ ├── log.cpp │ │ ├── log.h │ │ └── selective_jni.buck.bzl │ └── settings.gradle ├── apple │ ├── .clang-format │ ├── CMakeLists.txt │ └── ExecuTorch │ │ ├── Exported │ │ ├── ExecuTorch+Module.swift │ │ ├── ExecuTorch+Tensor.swift │ │ ├── ExecuTorch+Value.swift │ │ ├── ExecuTorch.h │ │ ├── ExecuTorchError.h │ │ ├── ExecuTorchError.m │ │ ├── ExecuTorchLog.h │ │ ├── ExecuTorchLog.mm │ │ ├── ExecuTorchModule.h │ │ ├── ExecuTorchModule.mm │ │ ├── ExecuTorchTensor.h │ │ ├── ExecuTorchTensor.mm │ │ ├── ExecuTorchValue.h │ │ └── ExecuTorchValue.mm │ │ ├── Internal │ │ ├── ExecuTorchUtils.h │ │ └── ExecuTorchUtils.mm │ │ └── __tests__ │ │ ├── ModuleTest.swift │ │ ├── TensorTest.swift │ │ ├── ValueTest.swift │ │ └── resources │ │ └── add.pte ├── asr │ └── runner │ │ ├── CMakeLists.txt │ │ ├── runner.cpp │ │ └── runner.h ├── aten_util │ ├── TARGETS │ ├── aten_bridge.cpp │ ├── aten_bridge.h │ ├── make_aten_functor_from_et_functor.h │ ├── targets.bzl │ └── test │ │ ├── TARGETS │ │ ├── aten_bridge_test.cpp │ │ ├── make_aten_functor_from_et_functor_test.cpp │ │ └── targets.bzl ├── audio │ ├── README.md │ ├── TARGETS │ └── mel_spectrogram.py ├── benchmark │ ├── README.md │ ├── android │ │ └── benchmark │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── android-llm-device-farm-test-spec.yml.j2 │ │ │ ├── app │ │ │ ├── .gitignore │ │ │ ├── build.gradle.kts │ │ │ ├── proguard-rules.pro │ │ │ └── src │ │ │ │ ├── androidTest │ │ │ │ └── java │ │ │ │ │ └── org │ │ │ │ │ └── pytorch │ │ │ │ │ └── minibench │ │ │ │ │ └── ExampleInstrumentedTest.java │ │ │ │ ├── main │ │ │ │ ├── AndroidManifest.xml │ │ │ │ ├── java │ │ │ │ │ └── org │ │ │ │ │ │ └── pytorch │ │ │ │ │ │ └── minibench │ │ │ │ │ │ ├── BenchmarkActivity.java │ │ │ │ │ │ ├── BenchmarkMetric.java │ │ │ │ │ │ ├── LlmBenchmark.java │ │ │ │ │ │ ├── LlmModelRunner.java │ │ │ │ │ │ ├── LlmModelRunnerCallback.kt │ │ │ │ │ │ └── ModelRunner.java │ │ │ │ └── res │ │ │ │ │ └── values │ │ │ │ │ ├── colors.xml │ │ │ │ │ ├── strings.xml │ │ │ │ │ └── themes.xml │ │ │ │ └── test │ │ │ │ └── java │ │ │ │ └── org │ │ │ │ └── pytorch │ │ │ │ └── minibench │ │ │ │ └── ExampleUnitTest.java │ │ │ ├── build.gradle.kts │ │ │ ├── gradle.properties │ │ │ ├── gradle │ │ │ └── wrapper │ │ │ │ ├── gradle-wrapper.jar │ │ │ │ └── gradle-wrapper.properties │ │ │ ├── gradlew │ │ │ ├── gradlew.bat │ │ │ └── settings.gradle.kts │ └── apple │ │ ├── .clang-format │ │ └── Benchmark │ │ ├── App │ │ ├── App.entitlements │ │ └── App.swift │ │ ├── Benchmark.xcodeproj │ │ ├── project.pbxproj │ │ └── xcshareddata │ │ │ └── xcschemes │ │ │ └── Benchmark.xcscheme │ │ ├── README.md │ │ ├── Resources │ │ └── README.md │ │ ├── TestUtils │ │ ├── DynamicTestCase.h │ │ ├── DynamicTestCase.m │ │ ├── ResourceTestCase.h │ │ └── ResourceTestCase.m │ │ ├── Tests │ │ ├── CoreMLTests.mm │ │ ├── GenericTests.mm │ │ ├── LLM │ │ │ └── LLMTests.mm │ │ └── Tests.xctestplan │ │ └── default-ios-device-farm-appium-test-spec.yml.j2 ├── data_loader │ ├── CMakeLists.txt │ ├── TARGETS │ ├── buffer_data_loader.h │ ├── file_data_loader.cpp │ ├── file_data_loader.h │ ├── file_descriptor_data_loader.cpp │ ├── file_descriptor_data_loader.h │ ├── mman.h │ ├── mman_windows.cpp │ ├── mman_windows.h │ ├── mmap_data_loader.cpp │ ├── mmap_data_loader.h │ ├── shared_ptr_data_loader.h │ ├── targets.bzl │ └── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── buffer_data_loader_test.cpp │ │ ├── file_data_loader_test.cpp │ │ ├── file_descriptor_data_loader_test.cpp │ │ ├── mmap_data_loader_test.cpp │ │ ├── shared_ptr_data_loader_test.cpp │ │ └── targets.bzl ├── evalue_util │ ├── CMakeLists.txt │ ├── TARGETS │ ├── print_evalue.cpp │ ├── print_evalue.h │ ├── targets.bzl │ └── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── print_evalue_test.cpp │ │ └── targets.bzl ├── export_util │ ├── TARGETS │ ├── __init__.py │ └── utils.py ├── flat_tensor │ ├── CMakeLists.txt │ ├── README.md │ ├── TARGETS │ ├── __init__.py │ ├── flat_tensor_data_map.cpp │ ├── flat_tensor_data_map.h │ ├── serialize │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── flat_tensor.fbs │ │ ├── flat_tensor_header.cpp │ │ ├── flat_tensor_header.h │ │ ├── flat_tensor_schema.py │ │ ├── scalar_type.fbs │ │ ├── serialize.cpp │ │ ├── serialize.h │ │ ├── serialize.py │ │ └── targets.bzl │ ├── targets.bzl │ └── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── flat_tensor_data_map_test.cpp │ │ ├── flat_tensor_header_test.cpp │ │ ├── targets.bzl │ │ ├── test_serialize.cpp │ │ └── test_serialize.py ├── gguf_util │ ├── README.md │ ├── convert_main.py │ ├── converter.py │ ├── converters │ │ └── llama_converter.py │ ├── install_requirements.sh │ └── load_gguf.py ├── kernel_util │ ├── README.md │ ├── TARGETS │ ├── make_boxed_from_unboxed_functor.h │ ├── meta_programming.h │ ├── targets.bzl │ ├── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── make_boxed_from_unboxed_functor_test.cpp │ │ └── targets.bzl │ └── type_list.h ├── llm │ ├── README.md │ ├── apple │ │ ├── CMakeLists.txt │ │ └── ExecuTorchLLM │ │ │ ├── Exported │ │ │ ├── ExecuTorchLLM.h │ │ │ ├── ExecuTorchLLMConfig.h │ │ │ ├── ExecuTorchLLMConfig.mm │ │ │ ├── ExecuTorchLLMError.h │ │ │ ├── ExecuTorchLLMError.m │ │ │ ├── ExecuTorchLLMMultimodalRunner.h │ │ │ ├── ExecuTorchLLMMultimodalRunner.mm │ │ │ ├── ExecuTorchLLMTextRunner.h │ │ │ └── ExecuTorchLLMTextRunner.mm │ │ │ └── __tests__ │ │ │ ├── MultimodalRunnerTest.swift │ │ │ ├── TextRunnerTest.swift │ │ │ └── resources │ │ │ └── IMG_0005.jpg │ ├── custom_ops │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── custom_ops.py │ │ ├── model_sharding.py │ │ ├── op_fallback.cpp │ │ ├── op_fallback.h │ │ ├── op_fast_hadamard_transform.cpp │ │ ├── op_fast_hadamard_transform.h │ │ ├── op_fast_hadamard_transform_aten.cpp │ │ ├── op_sdpa.cpp │ │ ├── op_sdpa.h │ │ ├── op_sdpa_aot.cpp │ │ ├── op_sdpa_impl.h │ │ ├── op_sdpa_test.cpp │ │ ├── op_sdpa_with_kv_cache_test.cpp │ │ ├── op_tile_crop.cpp │ │ ├── op_tile_crop.h │ │ ├── op_tile_crop_aot.cpp │ │ ├── op_tile_crop_aot.py │ │ ├── op_tile_crop_test.cpp │ │ ├── op_update_cache.cpp │ │ ├── op_update_cache.h │ │ ├── preprocess_custom_ops.py │ │ ├── spinquant │ │ │ ├── README.md │ │ │ ├── TARGETS │ │ │ ├── fast_hadamard_transform.cpp │ │ │ ├── fast_hadamard_transform.h │ │ │ ├── fast_hadamard_transform_special.h │ │ │ ├── special_hadamard_code_gen.py │ │ │ ├── targets.bzl │ │ │ ├── test │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── TARGETS │ │ │ │ ├── fast_hadamard_transform_special_unstrided_cpu.h │ │ │ │ ├── fast_hadamard_transform_test.cpp │ │ │ │ ├── fast_hadamard_transform_test_impl.cpp │ │ │ │ ├── fast_hadamard_transform_test_impl.h │ │ │ │ ├── op_fast_hadamard_transform_test.cpp │ │ │ │ └── targets.bzl │ │ │ └── third-party │ │ │ │ └── FFHT │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── LICENSE.md │ │ │ │ ├── Makefile │ │ │ │ ├── README.md │ │ │ │ ├── TARGETS │ │ │ │ ├── dumb_fht.c │ │ │ │ ├── dumb_fht.h │ │ │ │ ├── example.py │ │ │ │ ├── fast_copy.c │ │ │ │ ├── fast_copy.h │ │ │ │ ├── fht.c │ │ │ │ ├── fht.h │ │ │ │ ├── fht_avx.c │ │ │ │ ├── fht_impl.h │ │ │ │ ├── fht_neon.c │ │ │ │ ├── fht_sse.c │ │ │ │ ├── gen.py │ │ │ │ ├── hall_of_fame_avx.txt │ │ │ │ ├── hall_of_fame_neon.txt │ │ │ │ ├── hall_of_fame_sse.txt │ │ │ │ ├── measurements │ │ │ │ ├── Makefile │ │ │ │ ├── run_double.cpp │ │ │ │ └── run_float.cpp │ │ │ │ ├── targets.bzl │ │ │ │ ├── test_double.c │ │ │ │ └── test_float.c │ │ ├── targets.bzl │ │ ├── test_preprocess_custom_ops.py │ │ ├── test_quantized_sdpa.py │ │ ├── test_sdpa_with_kv_cache.py │ │ └── test_update_cache.py │ ├── export │ │ ├── README.md │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── builder.py │ │ ├── config │ │ │ ├── TARGETS │ │ │ ├── llm_config.py │ │ │ └── targets.bzl │ │ ├── export_llm.py │ │ ├── export_passes.py │ │ ├── partitioner_lib.py │ │ ├── quantizer_lib.py │ │ ├── targets.bzl │ │ ├── test │ │ │ ├── TARGETS │ │ │ ├── __init__.py │ │ │ ├── test_builder.py │ │ │ └── test_export_llm.py │ │ └── test_export_passes.py │ ├── modules │ │ ├── README.md │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── _position_embeddings.py │ │ ├── attention.py │ │ ├── kv_cache.py │ │ └── test │ │ │ ├── __init__.py │ │ │ ├── test_attention.py │ │ │ ├── test_kv_cache.py │ │ │ └── test_position_embeddings.py │ ├── runner │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── TARGETS │ │ ├── __init__.py │ │ ├── _llm_runner.pyi │ │ ├── audio.h │ │ ├── constants.h │ │ ├── image.h │ │ ├── image_prefiller.h │ │ ├── io_manager │ │ │ ├── TARGETS │ │ │ ├── io_manager.h │ │ │ ├── targets.bzl │ │ │ └── test │ │ │ │ ├── TARGETS │ │ │ │ ├── targets.bzl │ │ │ │ └── test_io_manager.cpp │ │ ├── irunner.h │ │ ├── llm_runner_helper.cpp │ │ ├── llm_runner_helper.h │ │ ├── multimodal_decoder_runner.h │ │ ├── multimodal_input.h │ │ ├── multimodal_prefiller.cpp │ │ ├── multimodal_prefiller.h │ │ ├── multimodal_runner.cpp │ │ ├── multimodal_runner.h │ │ ├── pybindings.cpp │ │ ├── stats.h │ │ ├── targets.bzl │ │ ├── test │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── lsan_stub.cpp │ │ │ ├── targets.bzl │ │ │ ├── test_generation_config.cpp │ │ │ ├── test_multimodal_input.cpp │ │ │ ├── test_runner_pybindings.py │ │ │ ├── test_text_decoder_runner.cpp │ │ │ ├── test_text_llm_runner.cpp │ │ │ ├── test_text_prefiller.cpp │ │ │ ├── test_util.cpp │ │ │ └── test_wav_loader.cpp │ │ ├── text_decoder_runner.cpp │ │ ├── text_decoder_runner.h │ │ ├── text_llm_runner.cpp │ │ ├── text_llm_runner.h │ │ ├── text_prefiller.cpp │ │ ├── text_prefiller.h │ │ ├── text_token_generator.h │ │ ├── util.h │ │ └── wav_loader.h │ └── sampler │ │ ├── TARGETS │ │ ├── sampler.cpp │ │ ├── sampler.h │ │ ├── targets.bzl │ │ ├── test │ │ ├── TARGETS │ │ ├── targets.bzl │ │ └── test_sampler.cpp │ │ └── util.h ├── memory_allocator │ ├── TARGETS │ ├── malloc_memory_allocator.h │ ├── targets.bzl │ └── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── malloc_memory_allocator_test.cpp │ │ └── targets.bzl ├── module │ ├── CMakeLists.txt │ ├── TARGETS │ ├── bundled_module.cpp │ ├── bundled_module.h │ ├── module.cpp │ ├── module.h │ ├── targets.bzl │ └── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── bundled_module_test.cpp │ │ ├── module_test.cpp │ │ ├── resources │ │ ├── README.md │ │ ├── bundled_program.bpte │ │ └── gen_bundled_program.py │ │ └── targets.bzl ├── named_data_map │ ├── CMakeLists.txt │ ├── TARGETS │ ├── merged_data_map.cpp │ ├── merged_data_map.h │ ├── targets.bzl │ └── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── merged_data_map_test.cpp │ │ └── targets.bzl ├── parallel │ ├── TARGETS │ ├── targets.bzl │ └── thread_parallel.h ├── pybindings │ ├── README.md │ ├── TARGETS │ ├── portable_lib.py │ ├── pybindings.cpp │ ├── pybindings.pyi │ └── test │ │ ├── TARGETS │ │ ├── make_test.py │ │ ├── test_backend_pybinding.py │ │ └── test_pybindings.py ├── pytree │ ├── TARGETS │ ├── __init__.py │ ├── aten_util │ │ ├── TARGETS │ │ ├── ivalue_util.cpp │ │ ├── ivalue_util.h │ │ ├── targets.bzl │ │ └── test │ │ │ ├── TARGETS │ │ │ ├── ivalue_util_test.cpp │ │ │ └── targets.bzl │ ├── function_ref.h │ ├── pybindings.cpp │ ├── pytree.h │ ├── targets.bzl │ └── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── test.py │ │ └── test_pytree.cpp ├── runner_util │ ├── CMakeLists.txt │ ├── TARGETS │ ├── inputs.cpp │ ├── inputs.h │ ├── inputs_aten.cpp │ ├── inputs_portable.cpp │ ├── targets.bzl │ └── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── inputs_test.cpp │ │ └── targets.bzl ├── tensor │ ├── CMakeLists.txt │ ├── TARGETS │ ├── targets.bzl │ ├── tensor.h │ ├── tensor_accessor.h │ ├── tensor_ptr.cpp │ ├── tensor_ptr.h │ ├── tensor_ptr_maker.cpp │ ├── tensor_ptr_maker.h │ └── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── targets.bzl │ │ ├── tensor_accessor_test.cpp │ │ ├── tensor_ptr_maker_test.cpp │ │ └── tensor_ptr_test.cpp ├── testing_util │ ├── TARGETS │ ├── targets.bzl │ ├── temp_file.h │ └── test │ │ ├── TARGETS │ │ ├── targets.bzl │ │ └── temp_file_test.cpp ├── threadpool │ ├── CMakeLists.txt │ ├── TARGETS │ ├── cpuinfo_utils.cpp │ ├── cpuinfo_utils.h │ ├── targets.bzl │ ├── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── targets.bzl │ │ ├── thread_parallel_test.cpp │ │ └── threadpool_test.cpp │ ├── thread_parallel.cpp │ ├── threadpool.cpp │ ├── threadpool.h │ ├── threadpool_guard.cpp │ └── threadpool_guard.h ├── training │ ├── CMakeLists.txt │ ├── README.md │ ├── TARGETS │ ├── __init__.py │ ├── examples │ │ ├── CIFAR │ │ │ ├── README.md │ │ │ ├── TARGETS │ │ │ ├── data_utils.py │ │ │ ├── export.py │ │ │ ├── main.py │ │ │ ├── model.py │ │ │ ├── targets.bzl │ │ │ ├── train.cpp │ │ │ └── train_utils.py │ │ └── XOR │ │ │ ├── TARGETS │ │ │ ├── export_model.py │ │ │ ├── model.py │ │ │ ├── targets.bzl │ │ │ ├── test │ │ │ ├── TARGETS │ │ │ └── test_export.py │ │ │ └── train.cpp │ ├── module │ │ ├── TARGETS │ │ ├── state_dict_util.cpp │ │ ├── state_dict_util.h │ │ ├── targets.bzl │ │ ├── test │ │ │ ├── TARGETS │ │ │ ├── state_dict_util_test.cpp │ │ │ ├── targets.bzl │ │ │ └── training_module_test.cpp │ │ ├── training_module.cpp │ │ └── training_module.h │ ├── optimizer │ │ ├── TARGETS │ │ ├── sgd.cpp │ │ ├── sgd.h │ │ ├── targets.bzl │ │ └── test │ │ │ ├── TARGETS │ │ │ ├── sgd_test.cpp │ │ │ └── targets.bzl │ ├── pybindings │ │ ├── TARGETS │ │ ├── _training_lib.cpp │ │ ├── _training_lib.pyi │ │ ├── _training_module.py │ │ ├── targets.bzl │ │ └── test │ │ │ ├── TARGETS │ │ │ └── test.py │ ├── targets.bzl │ └── test │ │ ├── TARGETS │ │ ├── targets.bzl │ │ └── training_loop_test.cpp └── wasm │ ├── CMakeLists.txt │ ├── README.md │ ├── test │ ├── .gitignore │ ├── CMakeLists.txt │ ├── TARGETS │ ├── package.json │ ├── test_model.py │ ├── test_models │ │ └── README.md │ ├── unittests.js │ ├── unittests_etdump.js │ ├── unittests_etdump_disabled.js │ ├── xplat_build.sh │ └── yarn.lock │ ├── tokenizers │ ├── CMakeLists.txt │ ├── README.md │ └── tokenizers.cpp │ └── wasm_bindings.cpp ├── install_executorch.bat ├── install_executorch.py ├── install_executorch.sh ├── install_requirements.py ├── install_requirements.sh ├── install_utils.py ├── kernels ├── README.md ├── aten │ ├── TARGETS │ ├── cpu │ │ ├── TARGETS │ │ ├── op__clone_dim_order.cpp │ │ ├── op__empty_dim_order.cpp │ │ ├── op__to_dim_order_copy.cpp │ │ ├── targets.bzl │ │ └── util │ │ │ ├── TARGETS │ │ │ ├── copy_ops_util.cpp │ │ │ ├── copy_ops_util.h │ │ │ └── targets.bzl │ ├── edge_dialect_aten_op.yaml │ ├── functions.yaml │ ├── targets.bzl │ └── test │ │ ├── TARGETS │ │ ├── supported_features_def.yaml │ │ └── targets.bzl ├── optimized │ ├── CMakeLists.txt │ ├── External │ │ └── EigenBLAS.cmake │ ├── TARGETS │ ├── blas │ │ ├── BlasKernel.cpp │ │ ├── BlasKernel.h │ │ ├── CPUBlas.cpp │ │ └── CPUBlas.h │ ├── cpu │ │ ├── TARGETS │ │ ├── binary_ops.cpp │ │ ├── binary_ops.h │ │ ├── fft_utils.h │ │ ├── moments_utils.h │ │ ├── op_add.cpp │ │ ├── op_add_sub_impl.h │ │ ├── op_bmm.cpp │ │ ├── op_div.cpp │ │ ├── op_elu.cpp │ │ ├── op_exp.cpp │ │ ├── op_fft_c2r.cpp │ │ ├── op_fft_r2c.cpp │ │ ├── op_gelu.cpp │ │ ├── op_le.cpp │ │ ├── op_linear.cpp │ │ ├── op_log_softmax.cpp │ │ ├── op_mm.cpp │ │ ├── op_mul.cpp │ │ ├── op_native_layer_norm.cpp │ │ ├── op_sub.cpp │ │ ├── op_where.cpp │ │ └── targets.bzl │ ├── lib_defs.bzl │ ├── optimized.yaml │ ├── targets.bzl │ ├── test │ │ ├── TARGETS │ │ ├── libblas_test.cpp │ │ ├── moments_utils_test.cpp │ │ ├── supported_features_def.yaml │ │ └── targets.bzl │ ├── utils │ │ ├── .clang-format │ │ ├── llvmMathExtras.h │ │ ├── math_utils.h │ │ └── unroll.h │ └── vec │ │ ├── .clang-format │ │ └── functional.h ├── portable │ ├── CMakeLists.txt │ ├── README.md │ ├── TARGETS │ ├── cpu │ │ ├── TARGETS │ │ ├── math_constants.h │ │ ├── op__clone_dim_order.cpp │ │ ├── op__empty_dim_order.cpp │ │ ├── op__to_dim_order_copy.cpp │ │ ├── op_abs.cpp │ │ ├── op_acos.cpp │ │ ├── op_acosh.cpp │ │ ├── op_add.cpp │ │ ├── op_addmm.cpp │ │ ├── op_alias_copy.cpp │ │ ├── op_allclose.cpp │ │ ├── op_amax.cpp │ │ ├── op_amin.cpp │ │ ├── op_any.cpp │ │ ├── op_arange.cpp │ │ ├── op_argmax.cpp │ │ ├── op_argmin.cpp │ │ ├── op_as_strided_copy.cpp │ │ ├── op_asin.cpp │ │ ├── op_asinh.cpp │ │ ├── op_atan.cpp │ │ ├── op_atan2.cpp │ │ ├── op_atanh.cpp │ │ ├── op_avg_pool2d.cpp │ │ ├── op_bitwise_and.cpp │ │ ├── op_bitwise_not.cpp │ │ ├── op_bitwise_or.cpp │ │ ├── op_bitwise_xor.cpp │ │ ├── op_bmm.cpp │ │ ├── op_cat.cpp │ │ ├── op_cdist_forward.cpp │ │ ├── op_ceil.cpp │ │ ├── op_clamp.cpp │ │ ├── op_clone.cpp │ │ ├── op_constant_pad_nd.cpp │ │ ├── op_convolution.cpp │ │ ├── op_convolution_backward.cpp │ │ ├── op_copy.cpp │ │ ├── op_cos.cpp │ │ ├── op_cosh.cpp │ │ ├── op_cumsum.cpp │ │ ├── op_detach_copy.cpp │ │ ├── op_diagonal_copy.cpp │ │ ├── op_div.cpp │ │ ├── op_elu.cpp │ │ ├── op_embedding.cpp │ │ ├── op_empty.cpp │ │ ├── op_eq.cpp │ │ ├── op_erf.cpp │ │ ├── op_exp.cpp │ │ ├── op_expand_copy.cpp │ │ ├── op_expm1.cpp │ │ ├── op_fill.cpp │ │ ├── op_flip.cpp │ │ ├── op_floor.cpp │ │ ├── op_floor_divide.cpp │ │ ├── op_fmod.cpp │ │ ├── op_full.cpp │ │ ├── op_full_like.cpp │ │ ├── op_gather.cpp │ │ ├── op_ge.cpp │ │ ├── op_gelu.cpp │ │ ├── op_glu.cpp │ │ ├── op_gt.cpp │ │ ├── op_hardtanh.cpp │ │ ├── op_index.cpp │ │ ├── op_index_put.cpp │ │ ├── op_index_select.cpp │ │ ├── op_isinf.cpp │ │ ├── op_isnan.cpp │ │ ├── op_le.cpp │ │ ├── op_leaky_relu.cpp │ │ ├── op_lift_fresh_copy.cpp │ │ ├── op_linear_scratch_example.cpp │ │ ├── op_log.cpp │ │ ├── op_log10.cpp │ │ ├── op_log1p.cpp │ │ ├── op_log2.cpp │ │ ├── op_log_softmax.cpp │ │ ├── op_logical_and.cpp │ │ ├── op_logical_not.cpp │ │ ├── op_logical_or.cpp │ │ ├── op_logical_xor.cpp │ │ ├── op_logit.cpp │ │ ├── op_lt.cpp │ │ ├── op_masked_fill.cpp │ │ ├── op_masked_scatter.cpp │ │ ├── op_masked_select.cpp │ │ ├── op_max.cpp │ │ ├── op_max_pool2d_with_indices.cpp │ │ ├── op_max_pool2d_with_indices_backward.cpp │ │ ├── op_maximum.cpp │ │ ├── op_mean.cpp │ │ ├── op_min.cpp │ │ ├── op_minimum.cpp │ │ ├── op_mm.cpp │ │ ├── op_mul.cpp │ │ ├── op_narrow_copy.cpp │ │ ├── op_native_batch_norm.cpp │ │ ├── op_native_dropout.cpp │ │ ├── op_native_group_norm.cpp │ │ ├── op_native_layer_norm.cpp │ │ ├── op_ne.cpp │ │ ├── op_neg.cpp │ │ ├── op_nonzero.cpp │ │ ├── op_ones.cpp │ │ ├── op_pdist_forward.cpp │ │ ├── op_permute_copy.cpp │ │ ├── op_pixel_shuffle.cpp │ │ ├── op_pixel_unshuffle.cpp │ │ ├── op_pow.cpp │ │ ├── op_prod.cpp │ │ ├── op_rand.cpp │ │ ├── op_randn.cpp │ │ ├── op_reciprocal.cpp │ │ ├── op_reflection_pad1d.cpp │ │ ├── op_reflection_pad2d.cpp │ │ ├── op_reflection_pad3d.cpp │ │ ├── op_relu.cpp │ │ ├── op_remainder.cpp │ │ ├── op_repeat.cpp │ │ ├── op_repeat_interleave.cpp │ │ ├── op_replication_pad1d.cpp │ │ ├── op_replication_pad2d.cpp │ │ ├── op_replication_pad3d.cpp │ │ ├── op_roll.cpp │ │ ├── op_round.cpp │ │ ├── op_rsqrt.cpp │ │ ├── op_rsub.cpp │ │ ├── op_scalar_tensor.cpp │ │ ├── op_scatter.cpp │ │ ├── op_scatter_add.cpp │ │ ├── op_select_copy.cpp │ │ ├── op_select_scatter.cpp │ │ ├── op_sigmoid.cpp │ │ ├── op_sign.cpp │ │ ├── op_sin.cpp │ │ ├── op_sinh.cpp │ │ ├── op_slice_copy.cpp │ │ ├── op_slice_scatter.cpp │ │ ├── op_softmax.cpp │ │ ├── op_split_copy.cpp │ │ ├── op_split_with_sizes_copy.cpp │ │ ├── op_sqrt.cpp │ │ ├── op_squeeze_copy.cpp │ │ ├── op_stack.cpp │ │ ├── op_sub.cpp │ │ ├── op_sum.cpp │ │ ├── op_t_copy.cpp │ │ ├── op_tan.cpp │ │ ├── op_tanh.cpp │ │ ├── op_to_copy.cpp │ │ ├── op_topk.cpp │ │ ├── op_transpose_copy.cpp │ │ ├── op_tril.cpp │ │ ├── op_trunc.cpp │ │ ├── op_unbind_copy.cpp │ │ ├── op_unfold_copy.cpp │ │ ├── op_unsqueeze_copy.cpp │ │ ├── op_upsample_bilinear2d.cpp │ │ ├── op_upsample_bilinear2d_aa.cpp │ │ ├── op_upsample_nearest2d.cpp │ │ ├── op_var.cpp │ │ ├── op_view_as_real_copy.cpp │ │ ├── op_view_copy.cpp │ │ ├── op_where.cpp │ │ ├── op_zeros.cpp │ │ ├── pattern │ │ │ ├── TARGETS │ │ │ ├── bitwise_op.h │ │ │ ├── comparison_op.h │ │ │ ├── logical_op.h │ │ │ ├── pattern.h │ │ │ ├── targets.bzl │ │ │ ├── unary_ufunc_realhbbf16_to_bool.cpp │ │ │ ├── unary_ufunc_realhbbf16_to_floathbf16.cpp │ │ │ └── unary_ufunc_realhbf16.cpp │ │ ├── scalar_utils.h │ │ ├── selective_build.h │ │ ├── targets.bzl │ │ ├── test │ │ │ ├── TARGETS │ │ │ ├── scalar_utils_test.cpp │ │ │ ├── targets.bzl │ │ │ └── vec_ops_test.cpp │ │ ├── util │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── activation_ops_util.cpp │ │ │ ├── activation_ops_util.h │ │ │ ├── advanced_index_util.cpp │ │ │ ├── advanced_index_util.h │ │ │ ├── arange_util.cpp │ │ │ ├── arange_util.h │ │ │ ├── broadcast_indexes_range.h │ │ │ ├── broadcast_util.cpp │ │ │ ├── broadcast_util.h │ │ │ ├── copy_ops_util.cpp │ │ │ ├── copy_ops_util.h │ │ │ ├── delinearize_index.cpp │ │ │ ├── delinearize_index.h │ │ │ ├── distance_util.cpp │ │ │ ├── distance_util.h │ │ │ ├── dtype_util.cpp │ │ │ ├── dtype_util.h │ │ │ ├── elementwise_util.h │ │ │ ├── functional_util.h │ │ │ ├── index_util.cpp │ │ │ ├── index_util.h │ │ │ ├── kernel_ops_util.cpp │ │ │ ├── kernel_ops_util.h │ │ │ ├── math_util.h │ │ │ ├── matmul_ops_util.cpp │ │ │ ├── matmul_ops_util.h │ │ │ ├── normalization_ops_util.cpp │ │ │ ├── normalization_ops_util.h │ │ │ ├── padding_util.cpp │ │ │ ├── padding_util.h │ │ │ ├── reduce_util.cpp │ │ │ ├── reduce_util.h │ │ │ ├── repeat_util.cpp │ │ │ ├── repeat_util.h │ │ │ ├── select_copy_util.cpp │ │ │ ├── select_copy_util.h │ │ │ ├── slice_util.cpp │ │ │ ├── slice_util.h │ │ │ ├── stack_util.cpp │ │ │ ├── stack_util.h │ │ │ ├── targets.bzl │ │ │ ├── test │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── TARGETS │ │ │ │ ├── broadcast_indexes_range_test.cpp │ │ │ │ ├── broadcast_test.cpp │ │ │ │ ├── reduce_test.cpp │ │ │ │ ├── targets.bzl │ │ │ │ └── vectorized_math_test.cpp │ │ │ ├── transpose_util.h │ │ │ ├── upsample_util.cpp │ │ │ ├── upsample_util.h │ │ │ └── vectorized_math.h │ │ └── vec_ops.h │ ├── custom_ops.yaml │ ├── find_op_header.sh │ ├── functions.yaml │ ├── targets.bzl │ └── test │ │ ├── TARGETS │ │ ├── dtype_selective_build_test.cpp │ │ ├── op_allclose_test.cpp │ │ ├── op_div_test.cpp │ │ ├── op_gelu_test.cpp │ │ ├── op_mul_test.cpp │ │ ├── op_upsample_bilinear2d_aa_test.py │ │ ├── op_upsample_bilinear2d_test.py │ │ ├── op_upsample_nearest2d_test.py │ │ ├── register_ops_aot_for_test.cpp │ │ ├── supported_features_def.yaml │ │ └── targets.bzl ├── prim_ops │ ├── TARGETS │ ├── et_copy_index.cpp │ ├── et_copy_index.h │ ├── et_view.cpp │ ├── et_view.h │ ├── register_prim_ops.cpp │ ├── selective_build_prim_ops.h │ ├── targets.bzl │ └── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── prim_ops_test.cpp │ │ └── prim_ops_test.py ├── quantized │ ├── CMakeLists.txt │ ├── README.md │ ├── TARGETS │ ├── __init__.py │ ├── cpu │ │ ├── TARGETS │ │ ├── embeddingxb.cpp │ │ ├── embeddingxb.h │ │ ├── op_add.cpp │ │ ├── op_choose_qparams.cpp │ │ ├── op_dequantize.cpp │ │ ├── op_embedding.cpp │ │ ├── op_embedding2b.cpp │ │ ├── op_embedding4b.cpp │ │ ├── op_mixed_linear.cpp │ │ ├── op_mixed_mm.cpp │ │ ├── op_quantize.cpp │ │ └── targets.bzl │ ├── quantized.yaml │ ├── targets.bzl │ └── test │ │ ├── TARGETS │ │ ├── op_add_test.cpp │ │ ├── op_choose_qparams_test.cpp │ │ ├── op_dequantize_test.cpp │ │ ├── op_embedding2b_test.cpp │ │ ├── op_embedding4b_test.cpp │ │ ├── op_embedding_test.cpp │ │ ├── op_mixed_linear_test.cpp │ │ ├── op_mixed_mm_test.cpp │ │ ├── op_quantize_test.cpp │ │ ├── quantized_ops_aot_register.cpp │ │ ├── supported_features_def.yaml │ │ ├── targets.bzl │ │ ├── test_out_variants.py │ │ └── test_quant_dequant_per_token.py └── test │ ├── BinaryLogicalOpTest.cpp │ ├── BinaryLogicalOpTest.h │ ├── CMakeLists.txt │ ├── ScalarOverflowTestMacros.h │ ├── TARGETS │ ├── TestUtil.h │ ├── UnaryUfuncRealHBBF16ToFloatHBF16Test.cpp │ ├── UnaryUfuncRealHBBF16ToFloatHBF16Test.h │ ├── custom_kernel_example │ ├── README.md │ ├── TARGETS │ ├── my_functions.yaml │ ├── op_relu.cpp │ ├── supported_features_def.yaml │ ├── targets.bzl │ └── tests.bzl │ ├── export_test_model.ps1 │ ├── gen_supported_features.py │ ├── gen_supported_features_test.py │ ├── kernel_runtime_context_test.cpp │ ├── op__clone_dim_order_test.cpp │ ├── op__empty_dim_order_test.cpp │ ├── op__to_dim_order_copy_test.cpp │ ├── op_abs_test.cpp │ ├── op_acos_test.cpp │ ├── op_acosh_test.cpp │ ├── op_add_test.cpp │ ├── op_addmm_test.cpp │ ├── op_alias_copy_test.cpp │ ├── op_amax_test.cpp │ ├── op_amin_test.cpp │ ├── op_any_test.cpp │ ├── op_arange_test.cpp │ ├── op_argmax_test.cpp │ ├── op_argmin_test.cpp │ ├── op_as_strided_copy_test.cpp │ ├── op_asin_test.cpp │ ├── op_asinh_test.cpp │ ├── op_atan2_test.cpp │ ├── op_atan_test.cpp │ ├── op_atanh_test.cpp │ ├── op_avg_pool2d_test.cpp │ ├── op_bitwise_and_test.cpp │ ├── op_bitwise_not_test.cpp │ ├── op_bitwise_or_test.cpp │ ├── op_bitwise_xor_test.cpp │ ├── op_bmm_test.cpp │ ├── op_cat_test.cpp │ ├── op_cdist_forward_test.cpp │ ├── op_ceil_test.cpp │ ├── op_clamp_test.cpp │ ├── op_clone_test.cpp │ ├── op_constant_pad_nd_test.cpp │ ├── op_convolution_backward_test.cpp │ ├── op_convolution_test.cpp │ ├── op_copy_test.cpp │ ├── op_cos_test.cpp │ ├── op_cosh_test.cpp │ ├── op_cumsum_test.cpp │ ├── op_detach_copy_test.cpp │ ├── op_diagonal_copy_test.cpp │ ├── op_div_test.cpp │ ├── op_elu_test.cpp │ ├── op_embedding_test.cpp │ ├── op_empty_test.cpp │ ├── op_eq_test.cpp │ ├── op_erf_test.cpp │ ├── op_exp_test.cpp │ ├── op_expand_copy_test.cpp │ ├── op_expm1_test.cpp │ ├── op_fft_c2r_test.cpp │ ├── op_fft_r2c_test.cpp │ ├── op_fill_test.cpp │ ├── op_flip_test.cpp │ ├── op_floor_divide_test.cpp │ ├── op_floor_test.cpp │ ├── op_fmod_test.cpp │ ├── op_full_like_test.cpp │ ├── op_full_test.cpp │ ├── op_gather_test.cpp │ ├── op_ge_test.cpp │ ├── op_gelu_test.cpp │ ├── op_glu_test.cpp │ ├── op_gt_test.cpp │ ├── op_hardtanh_test.cpp │ ├── op_index_put_test.cpp │ ├── op_index_select_test.cpp │ ├── op_index_test.cpp │ ├── op_isinf_test.cpp │ ├── op_isnan_test.cpp │ ├── op_le_test.cpp │ ├── op_leaky_relu_test.cpp │ ├── op_lift_fresh_copy_test.cpp │ ├── op_linear_test.cpp │ ├── op_log10_test.cpp │ ├── op_log1p_test.cpp │ ├── op_log2_test.cpp │ ├── op_log_softmax_test.cpp │ ├── op_log_test.cpp │ ├── op_logical_and_test.cpp │ ├── op_logical_not_test.cpp │ ├── op_logical_or_test.cpp │ ├── op_logical_xor_test.cpp │ ├── op_logit_test.cpp │ ├── op_lt_test.cpp │ ├── op_masked_fill_test.cpp │ ├── op_masked_scatter_test.cpp │ ├── op_masked_select_test.cpp │ ├── op_max_pool2d_with_indices_backward_test.cpp │ ├── op_max_pool2d_with_indices_test.cpp │ ├── op_max_test.cpp │ ├── op_maximum_test.cpp │ ├── op_mean_test.cpp │ ├── op_min_test.cpp │ ├── op_minimum_test.cpp │ ├── op_mm_test.cpp │ ├── op_mul_test.cpp │ ├── op_narrow_copy_test.cpp │ ├── op_native_batch_norm_test.cpp │ ├── op_native_dropout_test.cpp │ ├── op_native_group_norm_test.cpp │ ├── op_native_layer_norm_test.cpp │ ├── op_ne_test.cpp │ ├── op_neg_test.cpp │ ├── op_nonzero_test.cpp │ ├── op_ones_test.cpp │ ├── op_pdist_forward_test.cpp │ ├── op_permute_copy_test.cpp │ ├── op_pixel_shuffle_test.cpp │ ├── op_pixel_unshuffle_test.cpp │ ├── op_pow_test.cpp │ ├── op_prod_test.cpp │ ├── op_rand_test.cpp │ ├── op_randn_test.cpp │ ├── op_reciprocal_test.cpp │ ├── op_reflection_pad1d_test.cpp │ ├── op_reflection_pad2d_test.cpp │ ├── op_reflection_pad3d_test.cpp │ ├── op_relu_test.cpp │ ├── op_remainder_test.cpp │ ├── op_repeat_interleave_test.cpp │ ├── op_repeat_test.cpp │ ├── op_replication_pad1d_test.cpp │ ├── op_replication_pad2d_test.cpp │ ├── op_replication_pad3d_test.cpp │ ├── op_roll_test.cpp │ ├── op_round_test.cpp │ ├── op_rsqrt_test.cpp │ ├── op_rsub_test.cpp │ ├── op_scalar_tensor_test.cpp │ ├── op_scatter_add_test.cpp │ ├── op_scatter_test.cpp │ ├── op_select_copy_test.cpp │ ├── op_select_scatter_test.cpp │ ├── op_sigmoid_test.cpp │ ├── op_sign_test.cpp │ ├── op_sin_test.cpp │ ├── op_sinh_test.cpp │ ├── op_slice_copy_test.cpp │ ├── op_slice_scatter_test.cpp │ ├── op_softmax_test.cpp │ ├── op_split_copy_test.cpp │ ├── op_split_with_sizes_copy_test.cpp │ ├── op_sqrt_test.cpp │ ├── op_squeeze_copy_test.cpp │ ├── op_stack_test.cpp │ ├── op_sub_test.cpp │ ├── op_sum_test.cpp │ ├── op_t_copy_test.cpp │ ├── op_tan_test.cpp │ ├── op_tanh_test.cpp │ ├── op_test.h │ ├── op_to_copy_test.cpp │ ├── op_topk_test.cpp │ ├── op_transpose_copy_test.cpp │ ├── op_tril_test.cpp │ ├── op_trunc_test.cpp │ ├── op_unbind_copy_test.cpp │ ├── op_unfold_copy_test.cpp │ ├── op_unsqueeze_copy_test.cpp │ ├── op_upsample_bilinear2d_aa_test.cpp │ ├── op_upsample_bilinear2d_test.cpp │ ├── op_upsample_nearest2d_test.cpp │ ├── op_var_test.cpp │ ├── op_view_as_real_copy_test.cpp │ ├── op_view_copy_test.cpp │ ├── op_where_test.cpp │ ├── op_zeros_test.cpp │ ├── summarize_supported_features.py │ ├── supported_features.yaml │ ├── supported_features_def_aten.yaml │ ├── supported_features_def_example.yaml │ ├── supported_features_definition.ini │ ├── supported_features_header.ini │ ├── supported_features_summary.md │ ├── targets.bzl │ ├── test_case_gen.py │ └── update_supported_feature_summary.sh ├── profiler ├── TARGETS ├── parse_profiler_results.py ├── profiler_results_cli.py └── test │ ├── TARGETS │ └── test_profiler_e2e.py ├── pyproject.toml ├── pytest-windows.ini ├── pytest.ini ├── requirements-dev.txt ├── requirements-examples.txt ├── requirements-lintrunner.txt ├── run_python_script.sh ├── runtime ├── COMPATIBILITY.md ├── TARGETS ├── __init__.py ├── backend │ ├── TARGETS │ ├── backend_execution_context.h │ ├── backend_init_context.h │ ├── backend_option_context.h │ ├── interface.cpp │ ├── interface.h │ ├── options.h │ ├── targets.bzl │ └── test │ │ ├── TARGETS │ │ ├── backend_interface_update_test.cpp │ │ ├── backend_options_test.cpp │ │ └── targets.bzl ├── core │ ├── TARGETS │ ├── array_ref.h │ ├── data_loader.h │ ├── defines.h │ ├── error.h │ ├── evalue.cpp │ ├── evalue.h │ ├── event_tracer.h │ ├── event_tracer_hooks.h │ ├── event_tracer_hooks_delegate.h │ ├── exec_aten │ │ ├── TARGETS │ │ ├── exec_aten.h │ │ ├── targets.bzl │ │ ├── testing_util │ │ │ ├── README.md │ │ │ ├── TARGETS │ │ │ ├── targets.bzl │ │ │ ├── tensor_factory.h │ │ │ ├── tensor_util.cpp │ │ │ ├── tensor_util.h │ │ │ └── test │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── TARGETS │ │ │ │ ├── targets.bzl │ │ │ │ ├── tensor_factory_test.cpp │ │ │ │ └── tensor_util_test.cpp │ │ └── util │ │ │ ├── README.md │ │ │ ├── TARGETS │ │ │ ├── dim_order_util.h │ │ │ ├── scalar_type_util.h │ │ │ ├── targets.bzl │ │ │ ├── tensor_dimension_limit.h │ │ │ ├── tensor_shape_to_c_string.cpp │ │ │ ├── tensor_shape_to_c_string.h │ │ │ ├── tensor_util.h │ │ │ ├── tensor_util_aten.cpp │ │ │ ├── tensor_util_portable.cpp │ │ │ └── test │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── dim_order_util_test.cpp │ │ │ ├── operator_impl_example_test.cpp │ │ │ ├── scalar_type_util_test.cpp │ │ │ ├── targets.bzl │ │ │ ├── tensor_shape_to_c_string_test.cpp │ │ │ └── tensor_util_test.cpp │ ├── freeable_buffer.h │ ├── function_ref.h │ ├── hierarchical_allocator.h │ ├── memory_allocator.h │ ├── named_data_map.h │ ├── portable_type │ │ ├── TARGETS │ │ ├── bfloat16.h │ │ ├── bfloat16_math.h │ │ ├── bits_types.h │ │ ├── c10 │ │ │ ├── README.md │ │ │ ├── c10 │ │ │ │ ├── TARGETS │ │ │ │ ├── macros │ │ │ │ │ ├── Export.h │ │ │ │ │ └── Macros.h │ │ │ │ ├── targets.bzl │ │ │ │ └── util │ │ │ │ │ ├── BFloat16-inl.h │ │ │ │ │ ├── BFloat16-math.h │ │ │ │ │ ├── BFloat16.h │ │ │ │ │ ├── Half-inl.h │ │ │ │ │ ├── Half.h │ │ │ │ │ ├── TypeSafeSignMath.h │ │ │ │ │ ├── bit_cast.h │ │ │ │ │ ├── complex.h │ │ │ │ │ ├── complex_math.h │ │ │ │ │ ├── complex_utils.h │ │ │ │ │ ├── floating_point_utils.h │ │ │ │ │ ├── irange.h │ │ │ │ │ ├── llvmMathExtras.h │ │ │ │ │ ├── overflows.h │ │ │ │ │ └── safe_numerics.h │ │ │ └── torch │ │ │ │ └── headeronly │ │ │ │ ├── TARGETS │ │ │ │ ├── macros │ │ │ │ ├── Export.h │ │ │ │ └── Macros.h │ │ │ │ ├── targets.bzl │ │ │ │ └── util │ │ │ │ ├── BFloat16.h │ │ │ │ ├── Half.h │ │ │ │ ├── TypeSafeSignMath.h │ │ │ │ ├── bit_cast.h │ │ │ │ ├── complex.h │ │ │ │ └── floating_point_utils.h │ │ ├── complex.h │ │ ├── device.h │ │ ├── half.h │ │ ├── optional.h │ │ ├── qint_types.h │ │ ├── scalar.h │ │ ├── scalar_type.h │ │ ├── string_view.h │ │ ├── targets.bzl │ │ ├── tensor.h │ │ ├── tensor_impl.cpp │ │ ├── tensor_impl.h │ │ ├── tensor_options.h │ │ └── test │ │ │ ├── CMakeLists.txt │ │ │ ├── TARGETS │ │ │ ├── bfloat16_test.cpp │ │ │ ├── dont_shadow_complex_test.c │ │ │ ├── half_test.cpp │ │ │ ├── optional_test.cpp │ │ │ ├── scalar_test.cpp │ │ │ ├── targets.bzl │ │ │ ├── tensor_impl_test.cpp │ │ │ └── tensor_test.cpp │ ├── result.h │ ├── span.h │ ├── tag.cpp │ ├── tag.h │ ├── targets.bzl │ ├── tensor_layout.cpp │ ├── tensor_layout.h │ ├── tensor_shape_dynamism.h │ ├── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── array_ref_test.cpp │ │ ├── error_handling_test.cpp │ │ ├── evalue_test.cpp │ │ ├── event_tracer_test.cpp │ │ ├── freeable_buffer_test.cpp │ │ ├── function_ref_test.cpp │ │ ├── hierarchical_allocator_test.cpp │ │ ├── memory_allocator_test.cpp │ │ ├── span_test.cpp │ │ ├── tag_test.cpp │ │ ├── targets.bzl │ │ ├── tensor_layout_test.cpp │ │ └── tensor_shape_dynamism_test_aten.cpp │ └── testing_util │ │ ├── TARGETS │ │ ├── error_matchers.cpp │ │ ├── error_matchers.h │ │ ├── targets.bzl │ │ └── test │ │ ├── TARGETs │ │ ├── targets.bzl │ │ └── test_error_matchers.cpp ├── executor │ ├── TARGETS │ ├── memory_manager.h │ ├── merged_data_map.h │ ├── method.cpp │ ├── method.h │ ├── method_meta.cpp │ ├── method_meta.h │ ├── platform_memory_allocator.h │ ├── program.cpp │ ├── program.h │ ├── pte_data_map.cpp │ ├── pte_data_map.h │ ├── targets.bzl │ ├── tensor_parser.h │ ├── tensor_parser_aten.cpp │ ├── tensor_parser_exec_aten.cpp │ ├── tensor_parser_portable.cpp │ └── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── allocation_failure_stress_test.cpp │ │ ├── backend_data_separation_test.cpp │ │ ├── backend_integration_test.cpp │ │ ├── executor_test.cpp │ │ ├── kernel_integration_test.cpp │ │ ├── kernel_resolution_test.cpp │ │ ├── managed_memory_manager.h │ │ ├── memory_manager_test.cpp │ │ ├── merged_data_map_test.cpp │ │ ├── method_meta_test.cpp │ │ ├── method_test.cpp │ │ ├── program_test.cpp │ │ ├── pte_data_map_test.cpp │ │ ├── targets.bzl │ │ ├── tensor_parser_test.cpp │ │ ├── test_backend_compiler_lib.cpp │ │ └── test_backend_with_delegate_mapping.cpp ├── kernel │ ├── TARGETS │ ├── kernel_includes.h │ ├── kernel_runtime_context.h │ ├── operator_registry.cpp │ ├── operator_registry.h │ ├── targets.bzl │ ├── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── functions.yaml │ │ ├── kernel_double_registration_test.cpp │ │ ├── kernel_runtime_context_test.cpp │ │ ├── operator_registry_max_kernel_num_test.cpp │ │ ├── operator_registry_test.cpp │ │ ├── targets.bzl │ │ ├── test_generated_lib_and_aten.cpp │ │ ├── test_kernel_manual_registration.cpp │ │ └── test_util.h │ └── thread_parallel_interface.h ├── platform │ ├── TARGETS │ ├── abort.cpp │ ├── abort.h │ ├── assert.h │ ├── clock.h │ ├── compat_unistd.h │ ├── compiler.h │ ├── default │ │ ├── android.cpp │ │ ├── arm_zephyr.cpp │ │ ├── minimal.cpp │ │ └── posix.cpp │ ├── log.bzl │ ├── log.cpp │ ├── log.h │ ├── platform.cpp │ ├── platform.h │ ├── profiler.cpp │ ├── profiler.h │ ├── runtime.cpp │ ├── runtime.h │ ├── system.h │ ├── targets.bzl │ ├── test │ │ ├── CMakeLists.txt │ │ ├── TARGETS │ │ ├── clock_test.cpp │ │ ├── executor_pal_death_test.cpp │ │ ├── executor_pal_override_test.cpp │ │ ├── executor_pal_runtime_override_test.cpp │ │ ├── executor_pal_static_runtime_override_test.cpp │ │ ├── executor_pal_test.cpp │ │ ├── logging_test.cpp │ │ ├── pal_spy.h │ │ ├── stub_platform.cpp │ │ ├── stub_platform.h │ │ └── targets.bzl │ └── types.h └── test │ ├── TARGETS │ ├── test_runtime.py │ └── test_runtime_etdump_gen.py ├── schema ├── CMakeLists.txt ├── README.md ├── TARGETS ├── extended_header.cpp ├── extended_header.h ├── program.fbs ├── scalar_type.fbs ├── targets.bzl └── test │ ├── TARGETS │ ├── extended_header_test.cpp │ └── targets.bzl ├── scripts ├── __init__.py ├── build_android_library.sh ├── build_apple_frameworks.sh ├── build_apple_llm_demo.sh ├── build_wasm_tests.sh ├── check_binary_dependencies.py ├── create_frameworks.sh ├── file_size_compare.py ├── lint_file_size.sh ├── lint_urls.sh ├── lint_xrefs.sh ├── pick_doc_commits.py ├── print_exported_headers.py ├── print_public_headers.py ├── release │ ├── apply-release-changes.sh │ └── cut-release-branch.sh ├── run_android_emulator.sh ├── strip_binary.py └── test_ios.sh ├── setup.py ├── shim_et ├── BUCK ├── README.md ├── tools └── xplat │ └── executorch │ ├── backends │ ├── backends.bzl │ ├── qualcomm │ │ └── qnn_version.bzl │ └── xnnpack │ │ └── third-party │ │ └── third_party_libs.bzl │ ├── build │ ├── build_variables.bzl │ ├── env_interface.bzl │ ├── runtime_wrapper.bzl │ ├── selects.bzl │ └── type_defs.bzl │ ├── codegen │ └── codegen.bzl │ ├── extension │ └── pybindings │ │ └── pybindings.bzl │ ├── kernels │ ├── optimized │ │ ├── lib_defs.bzl │ │ └── op_registration_util.bzl │ ├── portable │ │ └── op_registration_util.bzl │ ├── prim_ops │ │ └── selective_build.bzl │ └── test │ │ └── util.bzl │ └── third-party │ └── glob_defs.bzl ├── src ├── README.md └── executorch │ ├── backends │ ├── codegen │ ├── data │ ├── devtools │ ├── examples │ ├── apple │ ├── cuda │ ├── llm_pte_finetuning │ ├── models │ ├── nxp │ │ └── experimental │ └── xnnpack │ ├── exir │ ├── export │ ├── extension │ ├── kernels │ └── quantized │ ├── runtime │ ├── schema │ └── util ├── test ├── .gitignore ├── CMakeLists.txt ├── TARGETS ├── __init__.py ├── build_optimized_size_test.sh ├── build_size_test.sh ├── end2end │ ├── TARGETS │ ├── __init__.py │ ├── exported_module.py │ ├── register_scratch_meta_fns.py │ ├── test_end2end.py │ └── test_temp_allocator_fix.py ├── models │ ├── TARGETS │ ├── __init__.py │ ├── deprecated │ │ ├── ModuleLinear-no-constant-segment.pte │ │ ├── README.md │ │ └── TARGETS │ ├── export_delegated_program.py │ ├── export_program.py │ ├── generate_linear_out_bundled_program.py │ ├── linear_model.py │ └── targets.bzl ├── run_oss_cpp_tests.sh ├── size_test.cpp ├── targets.bzl └── utils │ ├── CMakeLists.txt │ ├── DeathTest.h │ ├── OSSTest.cmake.in │ ├── OSSTestConfig.json │ ├── TARGETS │ ├── UnitTestMain.cpp │ ├── alignment.h │ ├── alignment_test.cpp │ ├── generate_gtest_cmakelists.py │ └── targets.bzl ├── third-party ├── CMakeLists.txt ├── TARGETS ├── flatcc_defs.bzl ├── gflags.bzl ├── gflags_defs.bzl ├── gtest_defs.bzl ├── link_python.sh ├── link_torch.sh └── prebuilt_python_defs.bzl ├── tools ├── __init__.py ├── cmake │ ├── Codegen.cmake │ ├── Test.cmake │ ├── Utils.cmake │ ├── __init__.py │ ├── buck_util.py │ ├── cmake_cache.py │ ├── common │ │ ├── __init__.py │ │ ├── preset.cmake │ │ └── preset_test.py │ ├── executorch-config.cmake │ ├── executorch-wheel-config.cmake │ ├── preset │ │ ├── README.md │ │ ├── android.cmake │ │ ├── apple_common.cmake │ │ ├── arm_baremetal.cmake │ │ ├── default.cmake │ │ ├── ios.cmake │ │ ├── linux.cmake │ │ ├── llm.cmake │ │ ├── macos.cmake │ │ ├── profiling.cmake │ │ ├── pybind.cmake │ │ ├── windows.cmake │ │ └── zephyr.cmake │ └── resolve_buck.py └── wheel │ └── pip_data_bin_init.py.in ├── torch_pin.py ├── util ├── TARGETS ├── activation_memory_profiler.py ├── collect_env.py ├── cprofiler_flamegraph.md ├── python_profiler.py └── targets.bzl ├── version.txt ├── website ├── et_banner.jpg ├── index.html └── style.css └── zephyr ├── README.md └── module.yml /.Package.swift/backend_coreml/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/backend_coreml_debug/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/backend_mps/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/backend_mps_debug/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/backend_xnnpack/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/backend_xnnpack_debug/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/executorch/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/executorch_debug/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/executorch_llm/dummy.swift: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /.Package.swift/executorch_llm_debug/dummy.swift: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /.Package.swift/kernels_llm/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/kernels_llm_debug/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/kernels_optimized/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/kernels_optimized_debug/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/kernels_quantized/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/kernels_quantized_debug/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/kernels_torchao/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.Package.swift/kernels_torchao_debug/dummy.swift: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.buckconfig: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.buckconfig -------------------------------------------------------------------------------- /.ci/docker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/docker/README.md -------------------------------------------------------------------------------- /.ci/docker/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/docker/build.sh -------------------------------------------------------------------------------- /.ci/docker/ci_commit_pins/buck2.txt: -------------------------------------------------------------------------------- 1 | 2025-05-06 2 | -------------------------------------------------------------------------------- /.ci/docker/ci_commit_pins/optimum-executorch.txt: -------------------------------------------------------------------------------- 1 | d03e90c2cd9048e6d9a75285c0355f033cd016fc 2 | -------------------------------------------------------------------------------- /.ci/docker/ci_commit_pins/pytorch.txt: -------------------------------------------------------------------------------- 1 | b31bad1b8f1331bf43d47f46602cf6141db56844 2 | -------------------------------------------------------------------------------- /.ci/docker/common/install_arm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/docker/common/install_arm.sh -------------------------------------------------------------------------------- /.ci/docker/common/install_gcc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/docker/common/install_gcc.sh -------------------------------------------------------------------------------- /.ci/docker/common/utils.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/docker/common/utils.sh -------------------------------------------------------------------------------- /.ci/docker/conda-env-ci.txt: -------------------------------------------------------------------------------- 1 | cmake=3.31.2 2 | ninja=1.10.2 3 | libuv 4 | llvm-openmp 5 | pkg-config 6 | -------------------------------------------------------------------------------- /.ci/docker/requirements-ci.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/docker/requirements-ci.txt -------------------------------------------------------------------------------- /.ci/docker/ubuntu/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/docker/ubuntu/Dockerfile -------------------------------------------------------------------------------- /.ci/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.ci/scripts/benchmark_tooling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.ci/scripts/build-qnn-sdk.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/build-qnn-sdk.sh -------------------------------------------------------------------------------- /.ci/scripts/check_c10_sync.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/check_c10_sync.sh -------------------------------------------------------------------------------- /.ci/scripts/compare_dirs.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/compare_dirs.sh -------------------------------------------------------------------------------- /.ci/scripts/cuda_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/cuda_benchmark.py -------------------------------------------------------------------------------- /.ci/scripts/download_hf_hub.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/download_hf_hub.sh -------------------------------------------------------------------------------- /.ci/scripts/setup-conda.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/setup-conda.sh -------------------------------------------------------------------------------- /.ci/scripts/setup-emscripten.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/setup-emscripten.sh -------------------------------------------------------------------------------- /.ci/scripts/setup-ios.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/setup-ios.sh -------------------------------------------------------------------------------- /.ci/scripts/setup-linux.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/setup-linux.sh -------------------------------------------------------------------------------- /.ci/scripts/setup-macos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/setup-macos.sh -------------------------------------------------------------------------------- /.ci/scripts/setup-openvino.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/setup-openvino.sh -------------------------------------------------------------------------------- /.ci/scripts/setup-qnn-deps.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/setup-qnn-deps.sh -------------------------------------------------------------------------------- /.ci/scripts/setup-windows.ps1: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/setup-windows.ps1 -------------------------------------------------------------------------------- /.ci/scripts/test-cuda-build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/test-cuda-build.sh -------------------------------------------------------------------------------- /.ci/scripts/test_backend.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/test_backend.sh -------------------------------------------------------------------------------- /.ci/scripts/test_ios_ci.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/test_ios_ci.sh -------------------------------------------------------------------------------- /.ci/scripts/test_llama.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/test_llama.sh -------------------------------------------------------------------------------- /.ci/scripts/test_llama_lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/test_llama_lora.sh -------------------------------------------------------------------------------- /.ci/scripts/test_llava.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/test_llava.sh -------------------------------------------------------------------------------- /.ci/scripts/test_model.ps1: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/test_model.ps1 -------------------------------------------------------------------------------- /.ci/scripts/test_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/test_model.sh -------------------------------------------------------------------------------- /.ci/scripts/test_model_e2e.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/test_model_e2e.sh -------------------------------------------------------------------------------- /.ci/scripts/test_openvino.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/test_openvino.sh -------------------------------------------------------------------------------- /.ci/scripts/test_phi_3_mini.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/test_phi_3_mini.sh -------------------------------------------------------------------------------- /.ci/scripts/test_yolo12.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/test_yolo12.sh -------------------------------------------------------------------------------- /.ci/scripts/unittest-buck2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/unittest-buck2.sh -------------------------------------------------------------------------------- /.ci/scripts/unittest-linux.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/unittest-linux.sh -------------------------------------------------------------------------------- /.ci/scripts/unittest-macos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/unittest-macos.sh -------------------------------------------------------------------------------- /.ci/scripts/unittest-windows.ps1: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/unittest-windows.ps1 -------------------------------------------------------------------------------- /.ci/scripts/utils.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/utils.sh -------------------------------------------------------------------------------- /.ci/scripts/wheel/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.ci/scripts/wheel/envvar_base.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/wheel/envvar_base.sh -------------------------------------------------------------------------------- /.ci/scripts/wheel/test_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/wheel/test_base.py -------------------------------------------------------------------------------- /.ci/scripts/wheel/test_linux.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/wheel/test_linux.py -------------------------------------------------------------------------------- /.ci/scripts/wheel/test_macos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/wheel/test_macos.py -------------------------------------------------------------------------------- /.ci/scripts/zephyr-utils.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.ci/scripts/zephyr-utils.sh -------------------------------------------------------------------------------- /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.clang-format -------------------------------------------------------------------------------- /.clang-tidy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.clang-tidy -------------------------------------------------------------------------------- /.cmake-format.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.cmake-format.yaml -------------------------------------------------------------------------------- /.cmakelintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.cmakelintrc -------------------------------------------------------------------------------- /.flake8: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.flake8 -------------------------------------------------------------------------------- /.githooks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.githooks/README.md -------------------------------------------------------------------------------- /.githooks/install.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.githooks/install.sh -------------------------------------------------------------------------------- /.githooks/pre-commit: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.githooks/pre-commit -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/config.yml: -------------------------------------------------------------------------------- 1 | blank_issues_enabled: true 2 | -------------------------------------------------------------------------------- /.github/dependabot.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/dependabot.yml -------------------------------------------------------------------------------- /.github/ghstack_direct: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.github/merge_rules.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/merge_rules.yaml -------------------------------------------------------------------------------- /.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/pull_request_template.md -------------------------------------------------------------------------------- /.github/pytorch-probot.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/pytorch-probot.yml -------------------------------------------------------------------------------- /.github/release.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/release.yml -------------------------------------------------------------------------------- /.github/scripts/check_labels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/scripts/check_labels.py -------------------------------------------------------------------------------- /.github/scripts/cherry_pick.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/scripts/cherry_pick.py -------------------------------------------------------------------------------- /.github/scripts/github_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/scripts/github_utils.py -------------------------------------------------------------------------------- /.github/scripts/gitutils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/scripts/gitutils.py -------------------------------------------------------------------------------- /.github/scripts/label_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/scripts/label_utils.py -------------------------------------------------------------------------------- /.github/scripts/run_nm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/scripts/run_nm.py -------------------------------------------------------------------------------- /.github/scripts/trymerge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/scripts/trymerge.py -------------------------------------------------------------------------------- /.github/workflows/_android.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/workflows/_android.yml -------------------------------------------------------------------------------- /.github/workflows/_unittest.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/workflows/_unittest.yml -------------------------------------------------------------------------------- /.github/workflows/apple.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/workflows/apple.yml -------------------------------------------------------------------------------- /.github/workflows/cuda-perf.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/workflows/cuda-perf.yml -------------------------------------------------------------------------------- /.github/workflows/cuda.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/workflows/cuda.yml -------------------------------------------------------------------------------- /.github/workflows/doc-build.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/workflows/doc-build.yml -------------------------------------------------------------------------------- /.github/workflows/lint.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/workflows/lint.yml -------------------------------------------------------------------------------- /.github/workflows/metal.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/workflows/metal.yml -------------------------------------------------------------------------------- /.github/workflows/nightly.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/workflows/nightly.yml -------------------------------------------------------------------------------- /.github/workflows/periodic.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/workflows/periodic.yml -------------------------------------------------------------------------------- /.github/workflows/pull.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/workflows/pull.yml -------------------------------------------------------------------------------- /.github/workflows/stale.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/workflows/stale.yml -------------------------------------------------------------------------------- /.github/workflows/trunk.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.github/workflows/trunk.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.gitmodules -------------------------------------------------------------------------------- /.lintrunner.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.lintrunner.toml -------------------------------------------------------------------------------- /.mypy.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/.mypy.ini -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /CMakePresets.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/CMakePresets.json -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/CODEOWNERS -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/LICENSE -------------------------------------------------------------------------------- /Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/Makefile -------------------------------------------------------------------------------- /Package.swift: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/Package.swift -------------------------------------------------------------------------------- /README-wheel.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/README-wheel.md -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/README.md -------------------------------------------------------------------------------- /Test.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/Test.cmake -------------------------------------------------------------------------------- /backends/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/aoti/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/aoti/CMakeLists.txt -------------------------------------------------------------------------------- /backends/aoti/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/aoti/README.md -------------------------------------------------------------------------------- /backends/aoti/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/aoti/TARGETS -------------------------------------------------------------------------------- /backends/aoti/aoti_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/aoti/aoti_backend.py -------------------------------------------------------------------------------- /backends/aoti/common_shims.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/aoti/common_shims.cpp -------------------------------------------------------------------------------- /backends/aoti/common_shims.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/aoti/common_shims.h -------------------------------------------------------------------------------- /backends/aoti/export.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/aoti/export.h -------------------------------------------------------------------------------- /backends/aoti/passes/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/aoti/passes/TARGETS -------------------------------------------------------------------------------- /backends/aoti/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/aoti/targets.bzl -------------------------------------------------------------------------------- /backends/aoti/tests/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/aoti/tests/TARGETS -------------------------------------------------------------------------------- /backends/aoti/tests/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/aoti/tests/utils.h -------------------------------------------------------------------------------- /backends/aoti/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/aoti/utils.h -------------------------------------------------------------------------------- /backends/apple/coreml/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/apple/coreml/.gitignore -------------------------------------------------------------------------------- /backends/apple/coreml/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/apple/coreml/README.md -------------------------------------------------------------------------------- /backends/apple/coreml/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/apple/coreml/TARGETS -------------------------------------------------------------------------------- /backends/apple/coreml/logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/apple/coreml/logging.py -------------------------------------------------------------------------------- /backends/apple/coreml/setup.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/apple/coreml/setup.md -------------------------------------------------------------------------------- /backends/apple/metal/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/apple/metal/README.md -------------------------------------------------------------------------------- /backends/apple/mps/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/apple/mps/.clang-format -------------------------------------------------------------------------------- /backends/apple/mps/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/apple/mps/TARGETS -------------------------------------------------------------------------------- /backends/apple/mps/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/apple/mps/__init__.py -------------------------------------------------------------------------------- /backends/apple/mps/setup.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/apple/mps/setup.md -------------------------------------------------------------------------------- /backends/apple/mps/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/apple/mps/targets.bzl -------------------------------------------------------------------------------- /backends/arm/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/CMakeLists.txt -------------------------------------------------------------------------------- /backends/arm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/README.md -------------------------------------------------------------------------------- /backends/arm/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/TARGETS -------------------------------------------------------------------------------- /backends/arm/_passes/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/_passes/TARGETS -------------------------------------------------------------------------------- /backends/arm/_passes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/_passes/__init__.py -------------------------------------------------------------------------------- /backends/arm/_passes/arm_pass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/_passes/arm_pass.py -------------------------------------------------------------------------------- /backends/arm/arm_vela.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/arm_vela.py -------------------------------------------------------------------------------- /backends/arm/common/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/common/__init__.py -------------------------------------------------------------------------------- /backends/arm/common/debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/common/debug.py -------------------------------------------------------------------------------- /backends/arm/common/type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/common/type.py -------------------------------------------------------------------------------- /backends/arm/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/constants.py -------------------------------------------------------------------------------- /backends/arm/debug/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/debug/TARGETS -------------------------------------------------------------------------------- /backends/arm/debug/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/debug/__init__.py -------------------------------------------------------------------------------- /backends/arm/debug/schema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/debug/schema.py -------------------------------------------------------------------------------- /backends/arm/ethosu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/ethosu/__init__.py -------------------------------------------------------------------------------- /backends/arm/ethosu/backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/ethosu/backend.py -------------------------------------------------------------------------------- /backends/arm/operators/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/TARGETS -------------------------------------------------------------------------------- /backends/arm/operators/op_abs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_abs.py -------------------------------------------------------------------------------- /backends/arm/operators/op_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_add.py -------------------------------------------------------------------------------- /backends/arm/operators/op_any.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_any.py -------------------------------------------------------------------------------- /backends/arm/operators/op_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_cat.py -------------------------------------------------------------------------------- /backends/arm/operators/op_cos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_cos.py -------------------------------------------------------------------------------- /backends/arm/operators/op_eq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_eq.py -------------------------------------------------------------------------------- /backends/arm/operators/op_erf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_erf.py -------------------------------------------------------------------------------- /backends/arm/operators/op_exp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_exp.py -------------------------------------------------------------------------------- /backends/arm/operators/op_ge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_ge.py -------------------------------------------------------------------------------- /backends/arm/operators/op_gt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_gt.py -------------------------------------------------------------------------------- /backends/arm/operators/op_le.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_le.py -------------------------------------------------------------------------------- /backends/arm/operators/op_log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_log.py -------------------------------------------------------------------------------- /backends/arm/operators/op_lt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_lt.py -------------------------------------------------------------------------------- /backends/arm/operators/op_mul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_mul.py -------------------------------------------------------------------------------- /backends/arm/operators/op_neg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_neg.py -------------------------------------------------------------------------------- /backends/arm/operators/op_pow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_pow.py -------------------------------------------------------------------------------- /backends/arm/operators/op_sin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_sin.py -------------------------------------------------------------------------------- /backends/arm/operators/op_sub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_sub.py -------------------------------------------------------------------------------- /backends/arm/operators/op_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/operators/op_sum.py -------------------------------------------------------------------------------- /backends/arm/process_node.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/process_node.py -------------------------------------------------------------------------------- /backends/arm/quantizer/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/quantizer/TARGETS -------------------------------------------------------------------------------- /backends/arm/runtime/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/runtime/TARGETS -------------------------------------------------------------------------------- /backends/arm/runtime/VGFSetup.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/runtime/VGFSetup.h -------------------------------------------------------------------------------- /backends/arm/runtime/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/runtime/targets.bzl -------------------------------------------------------------------------------- /backends/arm/scripts/pre-commit: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/scripts/pre-commit -------------------------------------------------------------------------------- /backends/arm/scripts/pre-push: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/scripts/pre-push -------------------------------------------------------------------------------- /backends/arm/scripts/run_fvp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/scripts/run_fvp.sh -------------------------------------------------------------------------------- /backends/arm/scripts/run_vkml.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/scripts/run_vkml.sh -------------------------------------------------------------------------------- /backends/arm/scripts/utils.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/scripts/utils.sh -------------------------------------------------------------------------------- /backends/arm/test/.coveragerc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/.coveragerc -------------------------------------------------------------------------------- /backends/arm/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/TARGETS -------------------------------------------------------------------------------- /backends/arm/test/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/common.py -------------------------------------------------------------------------------- /backends/arm/test/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/conftest.py -------------------------------------------------------------------------------- /backends/arm/test/ops/test_at.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/ops/test_at.py -------------------------------------------------------------------------------- /backends/arm/test/ops/test_eq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/ops/test_eq.py -------------------------------------------------------------------------------- /backends/arm/test/ops/test_ge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/ops/test_ge.py -------------------------------------------------------------------------------- /backends/arm/test/ops/test_gt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/ops/test_gt.py -------------------------------------------------------------------------------- /backends/arm/test/ops/test_le.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/ops/test_le.py -------------------------------------------------------------------------------- /backends/arm/test/ops/test_lt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/ops/test_lt.py -------------------------------------------------------------------------------- /backends/arm/test/ops/test_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/ops/test_mm.py -------------------------------------------------------------------------------- /backends/arm/test/ops/test_ne.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/ops/test_ne.py -------------------------------------------------------------------------------- /backends/arm/test/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/pytest.ini -------------------------------------------------------------------------------- /backends/arm/test/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/targets.bzl -------------------------------------------------------------------------------- /backends/arm/test/test_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/test/test_model.py -------------------------------------------------------------------------------- /backends/arm/tosa/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/tosa/TARGETS -------------------------------------------------------------------------------- /backends/arm/tosa/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/tosa/__init__.py -------------------------------------------------------------------------------- /backends/arm/tosa/backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/tosa/backend.py -------------------------------------------------------------------------------- /backends/arm/tosa/dialect/lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/tosa/dialect/lib.py -------------------------------------------------------------------------------- /backends/arm/tosa/mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/tosa/mapping.py -------------------------------------------------------------------------------- /backends/arm/tosa/partitioner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/tosa/partitioner.py -------------------------------------------------------------------------------- /backends/arm/tosa/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/tosa/utils.py -------------------------------------------------------------------------------- /backends/arm/util/_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/util/_factory.py -------------------------------------------------------------------------------- /backends/arm/vgf/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/vgf/__init__.py -------------------------------------------------------------------------------- /backends/arm/vgf/backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/vgf/backend.py -------------------------------------------------------------------------------- /backends/arm/vgf/compile_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/vgf/compile_spec.py -------------------------------------------------------------------------------- /backends/arm/vgf/partitioner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/arm/vgf/partitioner.py -------------------------------------------------------------------------------- /backends/backends.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/backends.bzl -------------------------------------------------------------------------------- /backends/cadence/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cadence/.gitignore -------------------------------------------------------------------------------- /backends/cadence/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cadence/CMakeLists.txt -------------------------------------------------------------------------------- /backends/cadence/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cadence/README.md -------------------------------------------------------------------------------- /backends/cadence/aot/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cadence/aot/TARGETS -------------------------------------------------------------------------------- /backends/cadence/aot/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cadence/aot/__init__.py -------------------------------------------------------------------------------- /backends/cadence/aot/compiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cadence/aot/compiler.py -------------------------------------------------------------------------------- /backends/cadence/aot/fuse_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cadence/aot/fuse_ops.py -------------------------------------------------------------------------------- /backends/cadence/aot/passes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cadence/aot/passes.py -------------------------------------------------------------------------------- /backends/cadence/aot/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cadence/aot/utils.py -------------------------------------------------------------------------------- /backends/cadence/cadence.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cadence/cadence.cmake -------------------------------------------------------------------------------- /backends/cadence/runtime/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cadence/runtime/TARGETS -------------------------------------------------------------------------------- /backends/cadence/utils/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cadence/utils/TARGETS -------------------------------------------------------------------------------- /backends/cortex_m/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cortex_m/CMakeLists.txt -------------------------------------------------------------------------------- /backends/cortex_m/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cortex_m/README.md -------------------------------------------------------------------------------- /backends/cortex_m/ops/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cortex_m/ops/TARGETS -------------------------------------------------------------------------------- /backends/cortex_m/passes/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cortex_m/passes/TARGETS -------------------------------------------------------------------------------- /backends/cortex_m/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cortex_m/test/TARGETS -------------------------------------------------------------------------------- /backends/cortex_m/test/tester.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cortex_m/test/tester.py -------------------------------------------------------------------------------- /backends/cuda/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cuda/CMakeLists.txt -------------------------------------------------------------------------------- /backends/cuda/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cuda/TARGETS -------------------------------------------------------------------------------- /backends/cuda/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cuda/__init__.py -------------------------------------------------------------------------------- /backends/cuda/cuda_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cuda/cuda_backend.py -------------------------------------------------------------------------------- /backends/cuda/runtime/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cuda/runtime/TARGETS -------------------------------------------------------------------------------- /backends/cuda/runtime/guard.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cuda/runtime/guard.cpp -------------------------------------------------------------------------------- /backends/cuda/runtime/guard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cuda/runtime/guard.h -------------------------------------------------------------------------------- /backends/cuda/runtime/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cuda/runtime/utils.h -------------------------------------------------------------------------------- /backends/cuda/tests/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cuda/tests/TARGETS -------------------------------------------------------------------------------- /backends/cuda/tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cuda/tests/__init__.py -------------------------------------------------------------------------------- /backends/cuda/triton/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/cuda/triton/__init__.py -------------------------------------------------------------------------------- /backends/example/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/example/README.md -------------------------------------------------------------------------------- /backends/example/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/example/TARGETS -------------------------------------------------------------------------------- /backends/mediatek/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/mediatek/CMakeLists.txt -------------------------------------------------------------------------------- /backends/mediatek/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/mediatek/README.md -------------------------------------------------------------------------------- /backends/mediatek/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/mediatek/__init__.py -------------------------------------------------------------------------------- /backends/mediatek/_passes/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/mediatek/partitioner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/mediatek/partitioner.py -------------------------------------------------------------------------------- /backends/mediatek/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/mediatek/preprocess.py -------------------------------------------------------------------------------- /backends/nxp/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/nxp/CMakeLists.txt -------------------------------------------------------------------------------- /backends/nxp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/nxp/README.md -------------------------------------------------------------------------------- /backends/nxp/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/nxp/TARGETS -------------------------------------------------------------------------------- /backends/nxp/backend/ir/converter/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/backend/ir/converter/builder/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/backend/ir/converter/conversion/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/backend/ir/converter/node_converters/shared/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/backend/ir/lib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/backend/ir/lib/tflite/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/backend/ir/tflite_generator/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/backend/ir/tflite_generator/builtin_options/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/backend/ir/tflite_generator/meta/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/backend/ir/tflite_optimizer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/backend/ir/tflite_optimizer/optimizations/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/nxp_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/nxp/nxp_backend.py -------------------------------------------------------------------------------- /backends/nxp/quantizer/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/nxp/quantizer/utils.py -------------------------------------------------------------------------------- /backends/nxp/requirements-tests-eiq.txt: -------------------------------------------------------------------------------- 1 | --index-url https://eiq.nxp.com/repository 2 | neutron_converter_SDK_25_09 3 | -------------------------------------------------------------------------------- /backends/nxp/requirements-tests-pypi.txt: -------------------------------------------------------------------------------- 1 | tensorflow==2.18.0 2 | pytest-mock 3 | tflite 4 | GvGen -------------------------------------------------------------------------------- /backends/nxp/run_unittests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/nxp/run_unittests.sh -------------------------------------------------------------------------------- /backends/nxp/runtime/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/nxp/runtime/TARGETS -------------------------------------------------------------------------------- /backends/nxp/runtime/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/nxp/runtime/targets.bzl -------------------------------------------------------------------------------- /backends/nxp/tests/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/nxp/tests/TARGETS -------------------------------------------------------------------------------- /backends/nxp/tests/executors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/nxp/tests/executors.py -------------------------------------------------------------------------------- /backends/nxp/tests/ir/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/tests/ir/converter/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/tests/ir/converter/node_converter/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/tests/ir/edge_passes/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/nxp/tests/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/nxp/tests/models.py -------------------------------------------------------------------------------- /backends/openvino/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/openvino/CMakeLists.txt -------------------------------------------------------------------------------- /backends/openvino/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/openvino/README.md -------------------------------------------------------------------------------- /backends/openvino/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/openvino/__init__.py -------------------------------------------------------------------------------- /backends/openvino/partitioner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/openvino/partitioner.py -------------------------------------------------------------------------------- /backends/openvino/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/openvino/preprocess.py -------------------------------------------------------------------------------- /backends/qualcomm/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/qualcomm/CMakeLists.txt -------------------------------------------------------------------------------- /backends/qualcomm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/qualcomm/README.md -------------------------------------------------------------------------------- /backends/qualcomm/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/qualcomm/TARGETS -------------------------------------------------------------------------------- /backends/qualcomm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/qualcomm/__init__.py -------------------------------------------------------------------------------- /backends/qualcomm/setup.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/qualcomm/setup.md -------------------------------------------------------------------------------- /backends/qualcomm/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/qualcomm/targets.bzl -------------------------------------------------------------------------------- /backends/qualcomm/tests/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/qualcomm/tests/TARGETS -------------------------------------------------------------------------------- /backends/qualcomm/tests/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/qualcomm/tests/utils.py -------------------------------------------------------------------------------- /backends/qualcomm/utils/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/qualcomm/utils/TARGETS -------------------------------------------------------------------------------- /backends/qualcomm/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/qualcomm/utils/utils.py -------------------------------------------------------------------------------- /backends/samsung/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/samsung/CMakeLists.txt -------------------------------------------------------------------------------- /backends/samsung/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/samsung/README.md -------------------------------------------------------------------------------- /backends/samsung/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/samsung/build.sh -------------------------------------------------------------------------------- /backends/samsung/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/samsung/utils/utils.py -------------------------------------------------------------------------------- /backends/test/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/test/TARGETS -------------------------------------------------------------------------------- /backends/test/facto/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/test/harness/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/test/harness/TARGETS -------------------------------------------------------------------------------- /backends/test/harness/tester.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/test/harness/tester.py -------------------------------------------------------------------------------- /backends/test/suite/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/test/suite/README.md -------------------------------------------------------------------------------- /backends/test/suite/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/test/suite/TARGETS -------------------------------------------------------------------------------- /backends/test/suite/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/test/suite/__init__.py -------------------------------------------------------------------------------- /backends/test/suite/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/test/suite/conftest.py -------------------------------------------------------------------------------- /backends/test/suite/context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/test/suite/context.py -------------------------------------------------------------------------------- /backends/test/suite/discovery.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/test/suite/discovery.py -------------------------------------------------------------------------------- /backends/test/suite/flow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/test/suite/flow.py -------------------------------------------------------------------------------- /backends/test/suite/flows/arm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/test/suite/flows/arm.py -------------------------------------------------------------------------------- /backends/test/suite/runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/test/suite/runner.py -------------------------------------------------------------------------------- /backends/test/suite/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/test/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/test/targets.bzl -------------------------------------------------------------------------------- /backends/transforms/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/transforms/TARGETS -------------------------------------------------------------------------------- /backends/transforms/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/transforms/utils.py -------------------------------------------------------------------------------- /backends/vulkan/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/vulkan/README.md -------------------------------------------------------------------------------- /backends/vulkan/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/vulkan/TARGETS -------------------------------------------------------------------------------- /backends/vulkan/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/vulkan/__init__.py -------------------------------------------------------------------------------- /backends/vulkan/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/vulkan/targets.bzl -------------------------------------------------------------------------------- /backends/vulkan/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/vulkan/test/TARGETS -------------------------------------------------------------------------------- /backends/vulkan/test/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/vulkan/test/utils.py -------------------------------------------------------------------------------- /backends/vulkan/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/vulkan/utils.py -------------------------------------------------------------------------------- /backends/xnnpack/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/xnnpack/README.md -------------------------------------------------------------------------------- /backends/xnnpack/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/xnnpack/TARGETS -------------------------------------------------------------------------------- /backends/xnnpack/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/xnnpack/__init__.py -------------------------------------------------------------------------------- /backends/xnnpack/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/xnnpack/targets.bzl -------------------------------------------------------------------------------- /backends/xnnpack/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/backends/xnnpack/test/TARGETS -------------------------------------------------------------------------------- /backends/xnnpack/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backends/xnnpack/test/passes/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /codegen/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/TARGETS -------------------------------------------------------------------------------- /codegen/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /codegen/api/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /codegen/api/custom_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/api/custom_ops.py -------------------------------------------------------------------------------- /codegen/api/et_cpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/api/et_cpp.py -------------------------------------------------------------------------------- /codegen/api/types/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/api/types/__init__.py -------------------------------------------------------------------------------- /codegen/api/types/types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/api/types/types.py -------------------------------------------------------------------------------- /codegen/api/unboxing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/api/unboxing.py -------------------------------------------------------------------------------- /codegen/gen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/gen.py -------------------------------------------------------------------------------- /codegen/macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/macros.h -------------------------------------------------------------------------------- /codegen/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/model.py -------------------------------------------------------------------------------- /codegen/parse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/parse.py -------------------------------------------------------------------------------- /codegen/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/targets.bzl -------------------------------------------------------------------------------- /codegen/templates/Functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/templates/Functions.h -------------------------------------------------------------------------------- /codegen/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/test/TARGETS -------------------------------------------------------------------------------- /codegen/test/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/test/targets.bzl -------------------------------------------------------------------------------- /codegen/tools/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/tools/CMakeLists.txt -------------------------------------------------------------------------------- /codegen/tools/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/tools/TARGETS -------------------------------------------------------------------------------- /codegen/tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /codegen/tools/gen_oplist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/tools/gen_oplist.py -------------------------------------------------------------------------------- /codegen/tools/gen_ops_def.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/tools/gen_ops_def.py -------------------------------------------------------------------------------- /codegen/tools/merge_yaml.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/tools/merge_yaml.py -------------------------------------------------------------------------------- /codegen/tools/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/tools/targets.bzl -------------------------------------------------------------------------------- /codegen/tools/yaml_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/codegen/tools/yaml_util.py -------------------------------------------------------------------------------- /configurations/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/configurations/CMakeLists.txt -------------------------------------------------------------------------------- /configurations/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/configurations/TARGETS -------------------------------------------------------------------------------- /configurations/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/configurations/targets.bzl -------------------------------------------------------------------------------- /conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/conftest.py -------------------------------------------------------------------------------- /data/bin/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/data/bin/README.md -------------------------------------------------------------------------------- /desktop/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/desktop/README.md -------------------------------------------------------------------------------- /devtools/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/CMakeLists.txt -------------------------------------------------------------------------------- /devtools/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/TARGETS -------------------------------------------------------------------------------- /devtools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/__init__.py -------------------------------------------------------------------------------- /devtools/debug_format/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/debug_format/TARGETS -------------------------------------------------------------------------------- /devtools/etdump/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/etdump/TARGETS -------------------------------------------------------------------------------- /devtools/etdump/emitter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/etdump/emitter.cpp -------------------------------------------------------------------------------- /devtools/etdump/emitter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/etdump/emitter.h -------------------------------------------------------------------------------- /devtools/etdump/serialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/etdump/serialize.py -------------------------------------------------------------------------------- /devtools/etdump/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/etdump/targets.bzl -------------------------------------------------------------------------------- /devtools/etdump/tests/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/etdump/tests/TARGETS -------------------------------------------------------------------------------- /devtools/etdump/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/etdump/utils.h -------------------------------------------------------------------------------- /devtools/etrecord/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/etrecord/TARGETS -------------------------------------------------------------------------------- /devtools/etrecord/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/etrecord/__init__.py -------------------------------------------------------------------------------- /devtools/inspector/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/inspector/TARGETS -------------------------------------------------------------------------------- /devtools/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/devtools/targets.bzl -------------------------------------------------------------------------------- /docs/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/.gitignore -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/README.md -------------------------------------------------------------------------------- /docs/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/TARGETS -------------------------------------------------------------------------------- /docs/source/Doxyfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/Doxyfile -------------------------------------------------------------------------------- /docs/source/android-mediatek.md: -------------------------------------------------------------------------------- 1 | ```{include} backends-mediatek.md 2 | -------------------------------------------------------------------------------- /docs/source/android-qualcomm.md: -------------------------------------------------------------------------------- 1 | ```{include} backends-qualcomm.md 2 | -------------------------------------------------------------------------------- /docs/source/android-samsung-exynos.md: -------------------------------------------------------------------------------- 1 | ```{include} backends-samsung-exynos.md 2 | -------------------------------------------------------------------------------- /docs/source/android-vulkan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/android-vulkan.md -------------------------------------------------------------------------------- /docs/source/api-life-cycle.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/api-life-cycle.md -------------------------------------------------------------------------------- /docs/source/api-section.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/api-section.md -------------------------------------------------------------------------------- /docs/source/backends-nxp.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/backends-nxp.md -------------------------------------------------------------------------------- /docs/source/backends-samsung-exynos.md: -------------------------------------------------------------------------------- 1 | # Samsung Exynos Backend (TBD) 2 | -------------------------------------------------------------------------------- /docs/source/backends-section.md: -------------------------------------------------------------------------------- 1 | ```{include} backends-overview.md 2 | -------------------------------------------------------------------------------- /docs/source/bundled-io.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/bundled-io.md -------------------------------------------------------------------------------- /docs/source/concepts.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/concepts.md -------------------------------------------------------------------------------- /docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/conf.py -------------------------------------------------------------------------------- /docs/source/contributing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/contributing.md -------------------------------------------------------------------------------- /docs/source/desktop-coreml.md: -------------------------------------------------------------------------------- 1 | ```{include} backends-coreml.md 2 | -------------------------------------------------------------------------------- /docs/source/desktop-mps.md: -------------------------------------------------------------------------------- 1 | ```{include} backends-mps.md 2 | -------------------------------------------------------------------------------- /docs/source/desktop-openvino.md: -------------------------------------------------------------------------------- 1 | ```{include} build-run-openvino.md 2 | -------------------------------------------------------------------------------- /docs/source/embedded-arm-ethos-u.md: -------------------------------------------------------------------------------- 1 | ```{include} backends-arm-ethos-u.md 2 | -------------------------------------------------------------------------------- /docs/source/embedded-cadence.md: -------------------------------------------------------------------------------- 1 | ```{include} backends-cadence.md 2 | -------------------------------------------------------------------------------- /docs/source/embedded-nxp.md: -------------------------------------------------------------------------------- 1 | ```{include} backends-nxp.md 2 | -------------------------------------------------------------------------------- /docs/source/etdump.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/etdump.md -------------------------------------------------------------------------------- /docs/source/etrecord.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/etrecord.rst -------------------------------------------------------------------------------- /docs/source/examples.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/examples.md -------------------------------------------------------------------------------- /docs/source/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/index.md -------------------------------------------------------------------------------- /docs/source/intro-overview.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/intro-overview.md -------------------------------------------------------------------------------- /docs/source/intro-section.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/intro-section.md -------------------------------------------------------------------------------- /docs/source/ios-backends.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/ios-backends.md -------------------------------------------------------------------------------- /docs/source/ios-coreml.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/ios-coreml.md -------------------------------------------------------------------------------- /docs/source/ios-examples.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/ios-examples.md -------------------------------------------------------------------------------- /docs/source/ios-mps.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/ios-mps.md -------------------------------------------------------------------------------- /docs/source/ios-section.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/ios-section.md -------------------------------------------------------------------------------- /docs/source/ios-xnnpack.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/ios-xnnpack.md -------------------------------------------------------------------------------- /docs/source/ir-exir.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/ir-exir.md -------------------------------------------------------------------------------- /docs/source/kernel-library.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/kernel-library.md -------------------------------------------------------------------------------- /docs/source/llm/export-llm.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/llm/export-llm.md -------------------------------------------------------------------------------- /docs/source/llm/llama.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/llm/llama.md -------------------------------------------------------------------------------- /docs/source/llm/run-on-ios.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/llm/run-on-ios.md -------------------------------------------------------------------------------- /docs/source/native-delegates-executorch-vulkan-delegate.md: -------------------------------------------------------------------------------- 1 | ```{include} ../../backends/vulkan/README.md 2 | -------------------------------------------------------------------------------- /docs/source/pico2_tutorial.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/pico2_tutorial.md -------------------------------------------------------------------------------- /docs/source/quantization.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/quantization.md -------------------------------------------------------------------------------- /docs/source/runtime.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/runtime.md -------------------------------------------------------------------------------- /docs/source/tools-section.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/tools-section.md -------------------------------------------------------------------------------- /docs/source/usage.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/usage.md -------------------------------------------------------------------------------- /docs/source/visualize.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/docs/source/visualize.md -------------------------------------------------------------------------------- /examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/README.md -------------------------------------------------------------------------------- /examples/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/__init__.py -------------------------------------------------------------------------------- /examples/apple/mps/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/apple/mps/README.md -------------------------------------------------------------------------------- /examples/arm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/arm/README.md -------------------------------------------------------------------------------- /examples/arm/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/arm/run.sh -------------------------------------------------------------------------------- /examples/arm/setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/arm/setup.sh -------------------------------------------------------------------------------- /examples/arm/visualize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/arm/visualize.py -------------------------------------------------------------------------------- /examples/cuda/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/devtools/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/devtools/README.md -------------------------------------------------------------------------------- /examples/llm_manual/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/llm_manual/README.md -------------------------------------------------------------------------------- /examples/llm_manual/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/llm_manual/main.cpp -------------------------------------------------------------------------------- /examples/mediatek/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/mediatek/README.md -------------------------------------------------------------------------------- /examples/mediatek/models/llm_models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/models/__init__.py -------------------------------------------------------------------------------- /examples/models/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/models/checkpoint.py -------------------------------------------------------------------------------- /examples/models/edsr/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/models/edsr/model.py -------------------------------------------------------------------------------- /examples/models/llama/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/models/llama/LICENSE -------------------------------------------------------------------------------- /examples/models/llama/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/models/llama/TARGETS -------------------------------------------------------------------------------- /examples/models/llama/experimental/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/models/llama/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/models/llama/lora.py -------------------------------------------------------------------------------- /examples/models/llama/norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/models/llama/norm.py -------------------------------------------------------------------------------- /examples/models/llama/rope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/models/llama/rope.py -------------------------------------------------------------------------------- /examples/models/llama/source_transformation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/models/llama3_2_vision/preprocess/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/models/llama3_2_vision/text_decoder/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/models/llama3_2_vision/vision_encoder/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/models/lstm/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/models/lstm/model.py -------------------------------------------------------------------------------- /examples/models/model_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/models/model_base.py -------------------------------------------------------------------------------- /examples/models/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/models/yolo12/requirements.txt: -------------------------------------------------------------------------------- 1 | ultralytics==8.3.97 -------------------------------------------------------------------------------- /examples/nxp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/nxp/README.md -------------------------------------------------------------------------------- /examples/nxp/setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/nxp/setup.sh -------------------------------------------------------------------------------- /examples/openvino/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/openvino/README.md -------------------------------------------------------------------------------- /examples/openvino/stable_diffusion/requirements.txt: -------------------------------------------------------------------------------- 1 | diffusers>=0.29.0 -------------------------------------------------------------------------------- /examples/portable/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/portable/README.md -------------------------------------------------------------------------------- /examples/qualcomm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/qualcomm/README.md -------------------------------------------------------------------------------- /examples/qualcomm/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/qualcomm/TARGETS -------------------------------------------------------------------------------- /examples/qualcomm/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/qualcomm/utils.py -------------------------------------------------------------------------------- /examples/samsung/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/samsung/README.md -------------------------------------------------------------------------------- /examples/samsung/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/samsung/utils.py -------------------------------------------------------------------------------- /examples/vulkan/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/vulkan/README.md -------------------------------------------------------------------------------- /examples/vulkan/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/vulkan/__init__.py -------------------------------------------------------------------------------- /examples/vulkan/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/vulkan/export.py -------------------------------------------------------------------------------- /examples/wasm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/wasm/README.md -------------------------------------------------------------------------------- /examples/xnnpack/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/xnnpack/README.md -------------------------------------------------------------------------------- /examples/xnnpack/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/xnnpack/TARGETS -------------------------------------------------------------------------------- /examples/xnnpack/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/xnnpack/__init__.py -------------------------------------------------------------------------------- /examples/xnnpack/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/examples/xnnpack/targets.bzl -------------------------------------------------------------------------------- /exir/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/TARGETS -------------------------------------------------------------------------------- /exir/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/__init__.py -------------------------------------------------------------------------------- /exir/_serialize/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/_serialize/TARGETS -------------------------------------------------------------------------------- /exir/_serialize/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/_serialize/__init__.py -------------------------------------------------------------------------------- /exir/_serialize/_cord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/_serialize/_cord.py -------------------------------------------------------------------------------- /exir/_serialize/_dataclass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/_serialize/_dataclass.py -------------------------------------------------------------------------------- /exir/_serialize/_program.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/_serialize/_program.py -------------------------------------------------------------------------------- /exir/_serialize/_serialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/_serialize/_serialize.py -------------------------------------------------------------------------------- /exir/_serialize/bindings.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/_serialize/bindings.cpp -------------------------------------------------------------------------------- /exir/_serialize/padding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/_serialize/padding.py -------------------------------------------------------------------------------- /exir/_serialize/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/_serialize/test/TARGETS -------------------------------------------------------------------------------- /exir/_serialize/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /exir/_warnings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/_warnings.py -------------------------------------------------------------------------------- /exir/backend/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/backend/TARGETS -------------------------------------------------------------------------------- /exir/backend/backend_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/backend/backend_api.py -------------------------------------------------------------------------------- /exir/backend/partitioner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/backend/partitioner.py -------------------------------------------------------------------------------- /exir/backend/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/backend/targets.bzl -------------------------------------------------------------------------------- /exir/backend/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/backend/test/TARGETS -------------------------------------------------------------------------------- /exir/backend/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/backend/utils.py -------------------------------------------------------------------------------- /exir/capture/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/capture/TARGETS -------------------------------------------------------------------------------- /exir/capture/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/capture/__init__.py -------------------------------------------------------------------------------- /exir/capture/_capture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/capture/_capture.py -------------------------------------------------------------------------------- /exir/capture/_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/capture/_config.py -------------------------------------------------------------------------------- /exir/capture/_unlift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/capture/_unlift.py -------------------------------------------------------------------------------- /exir/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/common.py -------------------------------------------------------------------------------- /exir/control_flow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/control_flow.py -------------------------------------------------------------------------------- /exir/debug_handle_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/debug_handle_utils.py -------------------------------------------------------------------------------- /exir/delegate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/delegate.py -------------------------------------------------------------------------------- /exir/delegate.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/delegate.pyi -------------------------------------------------------------------------------- /exir/dialects/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/dialects/TARGETS -------------------------------------------------------------------------------- /exir/dialects/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /exir/dialects/_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/dialects/_ops.py -------------------------------------------------------------------------------- /exir/dialects/backend/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/dialects/backend/TARGETS -------------------------------------------------------------------------------- /exir/dialects/backend/_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/dialects/backend/_ops.py -------------------------------------------------------------------------------- /exir/dialects/edge/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/dialects/edge/TARGETS -------------------------------------------------------------------------------- /exir/dialects/edge/_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/dialects/edge/_ops.py -------------------------------------------------------------------------------- /exir/dialects/edge/edge.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/dialects/edge/edge.yaml -------------------------------------------------------------------------------- /exir/dialects/edge/op/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/dialects/edge/op/TARGETS -------------------------------------------------------------------------------- /exir/dialects/edge/op/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/dialects/edge/op/api.py -------------------------------------------------------------------------------- /exir/dialects/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/dialects/test/TARGETS -------------------------------------------------------------------------------- /exir/dim_order_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/dim_order_utils.py -------------------------------------------------------------------------------- /exir/dynamic_shape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/dynamic_shape.py -------------------------------------------------------------------------------- /exir/emit/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/emit/TARGETS -------------------------------------------------------------------------------- /exir/emit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/emit/__init__.py -------------------------------------------------------------------------------- /exir/emit/_emit_program.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/emit/_emit_program.py -------------------------------------------------------------------------------- /exir/emit/_emitter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/emit/_emitter.py -------------------------------------------------------------------------------- /exir/emit/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/emit/test/TARGETS -------------------------------------------------------------------------------- /exir/emit/test/test_emit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/emit/test/test_emit.py -------------------------------------------------------------------------------- /exir/error.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/error.py -------------------------------------------------------------------------------- /exir/graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/graph.py -------------------------------------------------------------------------------- /exir/graph_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/graph_module.py -------------------------------------------------------------------------------- /exir/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/memory.py -------------------------------------------------------------------------------- /exir/memory_planning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/memory_planning.py -------------------------------------------------------------------------------- /exir/operator/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/operator/TARGETS -------------------------------------------------------------------------------- /exir/operator/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/operator/convert.py -------------------------------------------------------------------------------- /exir/operator/manip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/operator/manip.py -------------------------------------------------------------------------------- /exir/operator/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/operator/util.py -------------------------------------------------------------------------------- /exir/pass_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/pass_base.py -------------------------------------------------------------------------------- /exir/pass_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/pass_manager.py -------------------------------------------------------------------------------- /exir/passes/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/passes/TARGETS -------------------------------------------------------------------------------- /exir/passes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/passes/__init__.py -------------------------------------------------------------------------------- /exir/passes/pass_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/passes/pass_registry.py -------------------------------------------------------------------------------- /exir/passes/reinplace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/passes/reinplace.py -------------------------------------------------------------------------------- /exir/passes/spec_prop_pass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/passes/spec_prop_pass.py -------------------------------------------------------------------------------- /exir/print_program.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/print_program.py -------------------------------------------------------------------------------- /exir/program/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/program/TARGETS -------------------------------------------------------------------------------- /exir/program/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/program/__init__.py -------------------------------------------------------------------------------- /exir/program/_fake_program.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/program/_fake_program.py -------------------------------------------------------------------------------- /exir/program/_program.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/program/_program.py -------------------------------------------------------------------------------- /exir/program/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/program/test/TARGETS -------------------------------------------------------------------------------- /exir/program/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /exir/scalar_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/scalar_type.py -------------------------------------------------------------------------------- /exir/schema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/schema.py -------------------------------------------------------------------------------- /exir/serde/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/serde/TARGETS -------------------------------------------------------------------------------- /exir/serde/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /exir/serde/schema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/serde/schema.py -------------------------------------------------------------------------------- /exir/serde/schema_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/serde/schema_check.py -------------------------------------------------------------------------------- /exir/serde/serialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/serde/serialize.py -------------------------------------------------------------------------------- /exir/serde/union.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/serde/union.py -------------------------------------------------------------------------------- /exir/sym_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/sym_util.py -------------------------------------------------------------------------------- /exir/tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tensor.py -------------------------------------------------------------------------------- /exir/tensor_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tensor_layout.py -------------------------------------------------------------------------------- /exir/tests/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/TARGETS -------------------------------------------------------------------------------- /exir/tests/asr_joiner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/asr_joiner.py -------------------------------------------------------------------------------- /exir/tests/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/common.py -------------------------------------------------------------------------------- /exir/tests/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/models.py -------------------------------------------------------------------------------- /exir/tests/test_capture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/test_capture.py -------------------------------------------------------------------------------- /exir/tests/test_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/test_common.py -------------------------------------------------------------------------------- /exir/tests/test_delegate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/test_delegate.py -------------------------------------------------------------------------------- /exir/tests/test_error.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/test_error.py -------------------------------------------------------------------------------- /exir/tests/test_lib.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/test_lib.cpp -------------------------------------------------------------------------------- /exir/tests/test_op_convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/test_op_convert.py -------------------------------------------------------------------------------- /exir/tests/test_pass_infra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/test_pass_infra.py -------------------------------------------------------------------------------- /exir/tests/test_passes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/test_passes.py -------------------------------------------------------------------------------- /exir/tests/test_serde.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/test_serde.py -------------------------------------------------------------------------------- /exir/tests/test_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/test_tensor.py -------------------------------------------------------------------------------- /exir/tests/test_tracer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/test_tracer.py -------------------------------------------------------------------------------- /exir/tests/test_warnings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/test_warnings.py -------------------------------------------------------------------------------- /exir/tests/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tests/transformer.py -------------------------------------------------------------------------------- /exir/tracer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/tracer.py -------------------------------------------------------------------------------- /exir/types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/types.py -------------------------------------------------------------------------------- /exir/verification/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/verification/TARGETS -------------------------------------------------------------------------------- /exir/verification/dev_html.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/verification/dev_html.py -------------------------------------------------------------------------------- /exir/verification/verifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/verification/verifier.py -------------------------------------------------------------------------------- /exir/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/version.py -------------------------------------------------------------------------------- /exir/wrap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/exir/wrap.py -------------------------------------------------------------------------------- /export/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/export/TARGETS -------------------------------------------------------------------------------- /export/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/export/__init__.py -------------------------------------------------------------------------------- /export/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/export/export.py -------------------------------------------------------------------------------- /export/recipe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/export/recipe.py -------------------------------------------------------------------------------- /export/recipe_provider.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/export/recipe_provider.py -------------------------------------------------------------------------------- /export/recipe_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/export/recipe_registry.py -------------------------------------------------------------------------------- /export/stages.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/export/stages.py -------------------------------------------------------------------------------- /export/target_recipes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/export/target_recipes.py -------------------------------------------------------------------------------- /export/tests/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/export/tests/TARGETS -------------------------------------------------------------------------------- /export/types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/export/types.py -------------------------------------------------------------------------------- /export/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/export/utils.py -------------------------------------------------------------------------------- /extension/android/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/android/.gitignore -------------------------------------------------------------------------------- /extension/android/BUCK: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/android/BUCK -------------------------------------------------------------------------------- /extension/android/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/android/README.md -------------------------------------------------------------------------------- /extension/android/executorch_android/src/androidTest/resources/test.txt: -------------------------------------------------------------------------------- 1 | non pte file 2 | -------------------------------------------------------------------------------- /extension/android/gradlew: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/android/gradlew -------------------------------------------------------------------------------- /extension/android/gradlew.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/android/gradlew.bat -------------------------------------------------------------------------------- /extension/android/jni/BUCK: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/android/jni/BUCK -------------------------------------------------------------------------------- /extension/android/jni/log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/android/jni/log.cpp -------------------------------------------------------------------------------- /extension/android/jni/log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/android/jni/log.h -------------------------------------------------------------------------------- /extension/apple/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/apple/.clang-format -------------------------------------------------------------------------------- /extension/asr/runner/runner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/asr/runner/runner.h -------------------------------------------------------------------------------- /extension/aten_util/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/aten_util/TARGETS -------------------------------------------------------------------------------- /extension/audio/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/audio/README.md -------------------------------------------------------------------------------- /extension/audio/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/audio/TARGETS -------------------------------------------------------------------------------- /extension/benchmark/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/benchmark/README.md -------------------------------------------------------------------------------- /extension/benchmark/android/benchmark/app/.gitignore: -------------------------------------------------------------------------------- 1 | /build 2 | -------------------------------------------------------------------------------- /extension/data_loader/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/data_loader/TARGETS -------------------------------------------------------------------------------- /extension/data_loader/mman.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/data_loader/mman.h -------------------------------------------------------------------------------- /extension/evalue_util/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/evalue_util/TARGETS -------------------------------------------------------------------------------- /extension/export_util/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/export_util/TARGETS -------------------------------------------------------------------------------- /extension/flat_tensor/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/flat_tensor/TARGETS -------------------------------------------------------------------------------- /extension/flat_tensor/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /extension/flat_tensor/serialize/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /extension/gguf_util/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/gguf_util/README.md -------------------------------------------------------------------------------- /extension/kernel_util/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/kernel_util/TARGETS -------------------------------------------------------------------------------- /extension/llm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/llm/README.md -------------------------------------------------------------------------------- /extension/llm/custom_ops/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /extension/llm/export/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/llm/export/TARGETS -------------------------------------------------------------------------------- /extension/llm/export/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /extension/llm/modules/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/llm/modules/TARGETS -------------------------------------------------------------------------------- /extension/llm/modules/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /extension/llm/runner/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/llm/runner/TARGETS -------------------------------------------------------------------------------- /extension/llm/runner/audio.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/llm/runner/audio.h -------------------------------------------------------------------------------- /extension/llm/runner/image.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/llm/runner/image.h -------------------------------------------------------------------------------- /extension/llm/runner/stats.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/llm/runner/stats.h -------------------------------------------------------------------------------- /extension/llm/runner/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/llm/runner/util.h -------------------------------------------------------------------------------- /extension/llm/sampler/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/llm/sampler/TARGETS -------------------------------------------------------------------------------- /extension/llm/sampler/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/llm/sampler/util.h -------------------------------------------------------------------------------- /extension/module/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/module/TARGETS -------------------------------------------------------------------------------- /extension/module/module.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/module/module.cpp -------------------------------------------------------------------------------- /extension/module/module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/module/module.h -------------------------------------------------------------------------------- /extension/module/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/module/targets.bzl -------------------------------------------------------------------------------- /extension/module/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/module/test/TARGETS -------------------------------------------------------------------------------- /extension/parallel/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/parallel/TARGETS -------------------------------------------------------------------------------- /extension/pybindings/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/pybindings/TARGETS -------------------------------------------------------------------------------- /extension/pytree/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/pytree/TARGETS -------------------------------------------------------------------------------- /extension/pytree/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/pytree/__init__.py -------------------------------------------------------------------------------- /extension/pytree/pytree.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/pytree/pytree.h -------------------------------------------------------------------------------- /extension/pytree/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/pytree/targets.bzl -------------------------------------------------------------------------------- /extension/pytree/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/pytree/test/TARGETS -------------------------------------------------------------------------------- /extension/pytree/test/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/pytree/test/test.py -------------------------------------------------------------------------------- /extension/runner_util/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/runner_util/TARGETS -------------------------------------------------------------------------------- /extension/tensor/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/tensor/TARGETS -------------------------------------------------------------------------------- /extension/tensor/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/tensor/targets.bzl -------------------------------------------------------------------------------- /extension/tensor/tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/tensor/tensor.h -------------------------------------------------------------------------------- /extension/tensor/tensor_ptr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/tensor/tensor_ptr.h -------------------------------------------------------------------------------- /extension/tensor/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/tensor/test/TARGETS -------------------------------------------------------------------------------- /extension/threadpool/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/threadpool/TARGETS -------------------------------------------------------------------------------- /extension/training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/training/README.md -------------------------------------------------------------------------------- /extension/training/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/training/TARGETS -------------------------------------------------------------------------------- /extension/wasm/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/wasm/CMakeLists.txt -------------------------------------------------------------------------------- /extension/wasm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/wasm/README.md -------------------------------------------------------------------------------- /extension/wasm/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/wasm/test/TARGETS -------------------------------------------------------------------------------- /extension/wasm/test/yarn.lock: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/extension/wasm/test/yarn.lock -------------------------------------------------------------------------------- /install_executorch.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/install_executorch.bat -------------------------------------------------------------------------------- /install_executorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/install_executorch.py -------------------------------------------------------------------------------- /install_executorch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/install_executorch.sh -------------------------------------------------------------------------------- /install_requirements.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/install_requirements.py -------------------------------------------------------------------------------- /install_requirements.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/install_requirements.sh -------------------------------------------------------------------------------- /install_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/install_utils.py -------------------------------------------------------------------------------- /kernels/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/README.md -------------------------------------------------------------------------------- /kernels/aten/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/aten/TARGETS -------------------------------------------------------------------------------- /kernels/aten/cpu/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/aten/cpu/TARGETS -------------------------------------------------------------------------------- /kernels/aten/cpu/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/aten/cpu/targets.bzl -------------------------------------------------------------------------------- /kernels/aten/cpu/util/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/aten/cpu/util/TARGETS -------------------------------------------------------------------------------- /kernels/aten/functions.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/aten/functions.yaml -------------------------------------------------------------------------------- /kernels/aten/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/aten/targets.bzl -------------------------------------------------------------------------------- /kernels/aten/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/aten/test/TARGETS -------------------------------------------------------------------------------- /kernels/aten/test/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/aten/test/targets.bzl -------------------------------------------------------------------------------- /kernels/optimized/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/optimized/TARGETS -------------------------------------------------------------------------------- /kernels/optimized/cpu/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/optimized/cpu/TARGETS -------------------------------------------------------------------------------- /kernels/optimized/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/optimized/targets.bzl -------------------------------------------------------------------------------- /kernels/portable/README.md: -------------------------------------------------------------------------------- 1 | See README.md in the parent directory. 2 | -------------------------------------------------------------------------------- /kernels/portable/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/portable/TARGETS -------------------------------------------------------------------------------- /kernels/portable/cpu/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/portable/cpu/TARGETS -------------------------------------------------------------------------------- /kernels/portable/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/portable/targets.bzl -------------------------------------------------------------------------------- /kernels/portable/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/portable/test/TARGETS -------------------------------------------------------------------------------- /kernels/portable/test/supported_features_def.yaml: -------------------------------------------------------------------------------- 1 | # no override 2 | -------------------------------------------------------------------------------- /kernels/prim_ops/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/prim_ops/TARGETS -------------------------------------------------------------------------------- /kernels/prim_ops/et_view.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/prim_ops/et_view.cpp -------------------------------------------------------------------------------- /kernels/prim_ops/et_view.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/prim_ops/et_view.h -------------------------------------------------------------------------------- /kernels/prim_ops/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/prim_ops/targets.bzl -------------------------------------------------------------------------------- /kernels/prim_ops/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/prim_ops/test/TARGETS -------------------------------------------------------------------------------- /kernels/quantized/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/quantized/README.md -------------------------------------------------------------------------------- /kernels/quantized/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/quantized/TARGETS -------------------------------------------------------------------------------- /kernels/quantized/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/quantized/__init__.py -------------------------------------------------------------------------------- /kernels/quantized/cpu/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/quantized/cpu/TARGETS -------------------------------------------------------------------------------- /kernels/quantized/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/quantized/targets.bzl -------------------------------------------------------------------------------- /kernels/quantized/test/supported_features_def.yaml: -------------------------------------------------------------------------------- 1 | # no override 2 | -------------------------------------------------------------------------------- /kernels/test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/CMakeLists.txt -------------------------------------------------------------------------------- /kernels/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/TARGETS -------------------------------------------------------------------------------- /kernels/test/TestUtil.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/TestUtil.h -------------------------------------------------------------------------------- /kernels/test/op_abs_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_abs_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_acos_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_acos_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_add_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_add_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_amax_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_amax_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_amin_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_amin_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_any_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_any_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_asin_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_asin_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_atan_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_atan_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_bmm_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_bmm_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_cat_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_cat_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_ceil_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_ceil_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_copy_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_copy_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_cos_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_cos_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_cosh_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_cosh_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_div_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_div_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_elu_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_elu_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_eq_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_eq_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_erf_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_erf_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_exp_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_exp_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_fill_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_fill_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_flip_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_flip_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_fmod_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_fmod_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_full_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_full_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_ge_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_ge_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_gelu_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_gelu_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_glu_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_glu_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_gt_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_gt_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_le_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_le_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_log2_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_log2_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_log_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_log_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_lt_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_lt_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_max_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_max_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_mean_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_mean_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_min_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_min_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_mm_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_mm_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_mul_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_mul_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_ne_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_ne_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_neg_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_neg_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_ones_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_ones_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_pow_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_pow_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_prod_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_prod_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_rand_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_rand_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_relu_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_relu_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_roll_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_roll_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_rsub_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_rsub_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_sign_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_sign_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_sin_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_sin_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_sinh_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_sinh_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_sqrt_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_sqrt_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_sub_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_sub_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_sum_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_sum_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_tan_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_tan_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_tanh_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_tanh_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_test.h -------------------------------------------------------------------------------- /kernels/test/op_topk_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_topk_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_tril_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_tril_test.cpp -------------------------------------------------------------------------------- /kernels/test/op_var_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/op_var_test.cpp -------------------------------------------------------------------------------- /kernels/test/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/targets.bzl -------------------------------------------------------------------------------- /kernels/test/test_case_gen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/kernels/test/test_case_gen.py -------------------------------------------------------------------------------- /profiler/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/profiler/TARGETS -------------------------------------------------------------------------------- /profiler/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/profiler/test/TARGETS -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/pyproject.toml -------------------------------------------------------------------------------- /pytest-windows.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/pytest-windows.ini -------------------------------------------------------------------------------- /pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/pytest.ini -------------------------------------------------------------------------------- /requirements-dev.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/requirements-dev.txt -------------------------------------------------------------------------------- /requirements-examples.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/requirements-examples.txt -------------------------------------------------------------------------------- /requirements-lintrunner.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/requirements-lintrunner.txt -------------------------------------------------------------------------------- /run_python_script.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/run_python_script.sh -------------------------------------------------------------------------------- /runtime/COMPATIBILITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/COMPATIBILITY.md -------------------------------------------------------------------------------- /runtime/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/TARGETS -------------------------------------------------------------------------------- /runtime/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/__init__.py -------------------------------------------------------------------------------- /runtime/backend/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/backend/TARGETS -------------------------------------------------------------------------------- /runtime/backend/interface.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/backend/interface.cpp -------------------------------------------------------------------------------- /runtime/backend/interface.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/backend/interface.h -------------------------------------------------------------------------------- /runtime/backend/options.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/backend/options.h -------------------------------------------------------------------------------- /runtime/backend/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/backend/targets.bzl -------------------------------------------------------------------------------- /runtime/backend/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/backend/test/TARGETS -------------------------------------------------------------------------------- /runtime/core/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/TARGETS -------------------------------------------------------------------------------- /runtime/core/array_ref.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/array_ref.h -------------------------------------------------------------------------------- /runtime/core/data_loader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/data_loader.h -------------------------------------------------------------------------------- /runtime/core/defines.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/defines.h -------------------------------------------------------------------------------- /runtime/core/error.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/error.h -------------------------------------------------------------------------------- /runtime/core/evalue.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/evalue.cpp -------------------------------------------------------------------------------- /runtime/core/evalue.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/evalue.h -------------------------------------------------------------------------------- /runtime/core/event_tracer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/event_tracer.h -------------------------------------------------------------------------------- /runtime/core/function_ref.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/function_ref.h -------------------------------------------------------------------------------- /runtime/core/named_data_map.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/named_data_map.h -------------------------------------------------------------------------------- /runtime/core/portable_type/c10/c10/macros/Export.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /runtime/core/portable_type/c10/c10/util/BFloat16-inl.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /runtime/core/portable_type/c10/c10/util/BFloat16.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /runtime/core/portable_type/c10/c10/util/Half-inl.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /runtime/core/portable_type/c10/c10/util/bit_cast.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /runtime/core/result.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/result.h -------------------------------------------------------------------------------- /runtime/core/span.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/span.h -------------------------------------------------------------------------------- /runtime/core/tag.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/tag.cpp -------------------------------------------------------------------------------- /runtime/core/tag.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/tag.h -------------------------------------------------------------------------------- /runtime/core/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/targets.bzl -------------------------------------------------------------------------------- /runtime/core/tensor_layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/tensor_layout.h -------------------------------------------------------------------------------- /runtime/core/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/test/TARGETS -------------------------------------------------------------------------------- /runtime/core/test/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/core/test/targets.bzl -------------------------------------------------------------------------------- /runtime/executor/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/executor/TARGETS -------------------------------------------------------------------------------- /runtime/executor/method.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/executor/method.cpp -------------------------------------------------------------------------------- /runtime/executor/method.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/executor/method.h -------------------------------------------------------------------------------- /runtime/executor/program.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/executor/program.cpp -------------------------------------------------------------------------------- /runtime/executor/program.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/executor/program.h -------------------------------------------------------------------------------- /runtime/executor/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/executor/targets.bzl -------------------------------------------------------------------------------- /runtime/executor/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/executor/test/TARGETS -------------------------------------------------------------------------------- /runtime/kernel/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/kernel/TARGETS -------------------------------------------------------------------------------- /runtime/kernel/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/kernel/targets.bzl -------------------------------------------------------------------------------- /runtime/kernel/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/kernel/test/TARGETS -------------------------------------------------------------------------------- /runtime/platform/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/TARGETS -------------------------------------------------------------------------------- /runtime/platform/abort.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/abort.cpp -------------------------------------------------------------------------------- /runtime/platform/abort.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/abort.h -------------------------------------------------------------------------------- /runtime/platform/assert.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/assert.h -------------------------------------------------------------------------------- /runtime/platform/clock.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/clock.h -------------------------------------------------------------------------------- /runtime/platform/compiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/compiler.h -------------------------------------------------------------------------------- /runtime/platform/log.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/log.bzl -------------------------------------------------------------------------------- /runtime/platform/log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/log.cpp -------------------------------------------------------------------------------- /runtime/platform/log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/log.h -------------------------------------------------------------------------------- /runtime/platform/platform.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/platform.cpp -------------------------------------------------------------------------------- /runtime/platform/platform.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/platform.h -------------------------------------------------------------------------------- /runtime/platform/profiler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/profiler.cpp -------------------------------------------------------------------------------- /runtime/platform/profiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/profiler.h -------------------------------------------------------------------------------- /runtime/platform/runtime.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/runtime.cpp -------------------------------------------------------------------------------- /runtime/platform/runtime.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/runtime.h -------------------------------------------------------------------------------- /runtime/platform/system.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/system.h -------------------------------------------------------------------------------- /runtime/platform/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/targets.bzl -------------------------------------------------------------------------------- /runtime/platform/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/test/TARGETS -------------------------------------------------------------------------------- /runtime/platform/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/platform/types.h -------------------------------------------------------------------------------- /runtime/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/test/TARGETS -------------------------------------------------------------------------------- /runtime/test/test_runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/runtime/test/test_runtime.py -------------------------------------------------------------------------------- /schema/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/schema/CMakeLists.txt -------------------------------------------------------------------------------- /schema/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/schema/README.md -------------------------------------------------------------------------------- /schema/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/schema/TARGETS -------------------------------------------------------------------------------- /schema/extended_header.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/schema/extended_header.cpp -------------------------------------------------------------------------------- /schema/extended_header.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/schema/extended_header.h -------------------------------------------------------------------------------- /schema/program.fbs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/schema/program.fbs -------------------------------------------------------------------------------- /schema/scalar_type.fbs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/schema/scalar_type.fbs -------------------------------------------------------------------------------- /schema/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/schema/targets.bzl -------------------------------------------------------------------------------- /schema/test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/schema/test/TARGETS -------------------------------------------------------------------------------- /schema/test/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/schema/test/targets.bzl -------------------------------------------------------------------------------- /scripts/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /scripts/build_wasm_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/scripts/build_wasm_tests.sh -------------------------------------------------------------------------------- /scripts/create_frameworks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/scripts/create_frameworks.sh -------------------------------------------------------------------------------- /scripts/file_size_compare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/scripts/file_size_compare.py -------------------------------------------------------------------------------- /scripts/lint_file_size.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/scripts/lint_file_size.sh -------------------------------------------------------------------------------- /scripts/lint_urls.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/scripts/lint_urls.sh -------------------------------------------------------------------------------- /scripts/lint_xrefs.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/scripts/lint_xrefs.sh -------------------------------------------------------------------------------- /scripts/pick_doc_commits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/scripts/pick_doc_commits.py -------------------------------------------------------------------------------- /scripts/strip_binary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/scripts/strip_binary.py -------------------------------------------------------------------------------- /scripts/test_ios.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/scripts/test_ios.sh -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/setup.py -------------------------------------------------------------------------------- /shim_et/BUCK: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/shim_et/BUCK -------------------------------------------------------------------------------- /shim_et/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/shim_et/README.md -------------------------------------------------------------------------------- /shim_et/tools: -------------------------------------------------------------------------------- 1 | ../shim/tools -------------------------------------------------------------------------------- /src/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/src/README.md -------------------------------------------------------------------------------- /src/executorch/backends: -------------------------------------------------------------------------------- 1 | ../../backends -------------------------------------------------------------------------------- /src/executorch/codegen: -------------------------------------------------------------------------------- 1 | ../../codegen -------------------------------------------------------------------------------- /src/executorch/data: -------------------------------------------------------------------------------- 1 | ../../data -------------------------------------------------------------------------------- /src/executorch/devtools: -------------------------------------------------------------------------------- 1 | ../../devtools -------------------------------------------------------------------------------- /src/executorch/examples/apple: -------------------------------------------------------------------------------- 1 | ../../../examples/apple -------------------------------------------------------------------------------- /src/executorch/examples/cuda: -------------------------------------------------------------------------------- 1 | ../../../examples/cuda -------------------------------------------------------------------------------- /src/executorch/examples/llm_pte_finetuning: -------------------------------------------------------------------------------- 1 | ../../../examples/llm_pte_finetuning -------------------------------------------------------------------------------- /src/executorch/examples/models: -------------------------------------------------------------------------------- 1 | ../../../examples/models -------------------------------------------------------------------------------- /src/executorch/examples/nxp/experimental: -------------------------------------------------------------------------------- 1 | ../../../../examples/nxp/experimental/ -------------------------------------------------------------------------------- /src/executorch/examples/xnnpack: -------------------------------------------------------------------------------- 1 | ../../../examples/xnnpack -------------------------------------------------------------------------------- /src/executorch/exir: -------------------------------------------------------------------------------- 1 | ../../exir -------------------------------------------------------------------------------- /src/executorch/export: -------------------------------------------------------------------------------- 1 | ../../export -------------------------------------------------------------------------------- /src/executorch/extension: -------------------------------------------------------------------------------- 1 | ../../extension -------------------------------------------------------------------------------- /src/executorch/kernels/quantized: -------------------------------------------------------------------------------- 1 | ../../../kernels/quantized -------------------------------------------------------------------------------- /src/executorch/runtime: -------------------------------------------------------------------------------- 1 | ../../runtime -------------------------------------------------------------------------------- /src/executorch/schema: -------------------------------------------------------------------------------- 1 | ../../schema -------------------------------------------------------------------------------- /src/executorch/util: -------------------------------------------------------------------------------- 1 | ../../util -------------------------------------------------------------------------------- /test/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/.gitignore -------------------------------------------------------------------------------- /test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/CMakeLists.txt -------------------------------------------------------------------------------- /test/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/TARGETS -------------------------------------------------------------------------------- /test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/build_size_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/build_size_test.sh -------------------------------------------------------------------------------- /test/end2end/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/end2end/TARGETS -------------------------------------------------------------------------------- /test/end2end/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/end2end/test_end2end.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/end2end/test_end2end.py -------------------------------------------------------------------------------- /test/models/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/models/TARGETS -------------------------------------------------------------------------------- /test/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/models/export_program.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/models/export_program.py -------------------------------------------------------------------------------- /test/models/linear_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/models/linear_model.py -------------------------------------------------------------------------------- /test/models/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/models/targets.bzl -------------------------------------------------------------------------------- /test/run_oss_cpp_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/run_oss_cpp_tests.sh -------------------------------------------------------------------------------- /test/size_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/size_test.cpp -------------------------------------------------------------------------------- /test/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/targets.bzl -------------------------------------------------------------------------------- /test/utils/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/utils/CMakeLists.txt -------------------------------------------------------------------------------- /test/utils/DeathTest.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/utils/DeathTest.h -------------------------------------------------------------------------------- /test/utils/OSSTest.cmake.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/utils/OSSTest.cmake.in -------------------------------------------------------------------------------- /test/utils/OSSTestConfig.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/utils/OSSTestConfig.json -------------------------------------------------------------------------------- /test/utils/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/utils/TARGETS -------------------------------------------------------------------------------- /test/utils/UnitTestMain.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/utils/UnitTestMain.cpp -------------------------------------------------------------------------------- /test/utils/alignment.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/utils/alignment.h -------------------------------------------------------------------------------- /test/utils/alignment_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/utils/alignment_test.cpp -------------------------------------------------------------------------------- /test/utils/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/test/utils/targets.bzl -------------------------------------------------------------------------------- /third-party/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/third-party/CMakeLists.txt -------------------------------------------------------------------------------- /third-party/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/third-party/TARGETS -------------------------------------------------------------------------------- /third-party/flatcc_defs.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/third-party/flatcc_defs.bzl -------------------------------------------------------------------------------- /third-party/gflags.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/third-party/gflags.bzl -------------------------------------------------------------------------------- /third-party/gflags_defs.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/third-party/gflags_defs.bzl -------------------------------------------------------------------------------- /third-party/gtest_defs.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/third-party/gtest_defs.bzl -------------------------------------------------------------------------------- /third-party/link_python.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/third-party/link_python.sh -------------------------------------------------------------------------------- /third-party/link_torch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/third-party/link_torch.sh -------------------------------------------------------------------------------- /tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/cmake/Codegen.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/tools/cmake/Codegen.cmake -------------------------------------------------------------------------------- /tools/cmake/Test.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/tools/cmake/Test.cmake -------------------------------------------------------------------------------- /tools/cmake/Utils.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/tools/cmake/Utils.cmake -------------------------------------------------------------------------------- /tools/cmake/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/cmake/buck_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/tools/cmake/buck_util.py -------------------------------------------------------------------------------- /tools/cmake/cmake_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/tools/cmake/cmake_cache.py -------------------------------------------------------------------------------- /tools/cmake/preset/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/tools/cmake/preset/README.md -------------------------------------------------------------------------------- /tools/cmake/preset/ios.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/tools/cmake/preset/ios.cmake -------------------------------------------------------------------------------- /tools/cmake/preset/llm.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/tools/cmake/preset/llm.cmake -------------------------------------------------------------------------------- /tools/cmake/resolve_buck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/tools/cmake/resolve_buck.py -------------------------------------------------------------------------------- /torch_pin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/torch_pin.py -------------------------------------------------------------------------------- /util/TARGETS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/util/TARGETS -------------------------------------------------------------------------------- /util/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/util/collect_env.py -------------------------------------------------------------------------------- /util/cprofiler_flamegraph.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/util/cprofiler_flamegraph.md -------------------------------------------------------------------------------- /util/python_profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/util/python_profiler.py -------------------------------------------------------------------------------- /util/targets.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/util/targets.bzl -------------------------------------------------------------------------------- /version.txt: -------------------------------------------------------------------------------- 1 | 1.1.0a0 2 | -------------------------------------------------------------------------------- /website/et_banner.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/website/et_banner.jpg -------------------------------------------------------------------------------- /website/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/website/index.html -------------------------------------------------------------------------------- /website/style.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/website/style.css -------------------------------------------------------------------------------- /zephyr/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/zephyr/README.md -------------------------------------------------------------------------------- /zephyr/module.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pytorch/executorch/HEAD/zephyr/module.yml --------------------------------------------------------------------------------