├── .bazelrc ├── .bazelversion ├── .clang-format ├── .clang-tidy ├── .github ├── dependabot.yml ├── pull_request_template.md └── workflows │ ├── bazel_dependency_violations.yml │ ├── bazel_query.yml │ ├── bazel_tags.yml │ ├── benchmark_postsubmit.yml │ ├── benchmark_presubmit.yml │ ├── benchmarks │ ├── README.md │ ├── build_binaries.sh │ ├── compare_with_baseline.py │ ├── prepare_artifact.sh │ ├── run_benchmark.sh │ └── run_comparison.sh │ ├── buildifier.yml │ ├── check_contents.yml │ ├── ci.yml │ ├── clang_format.yml │ ├── cpu_benchmarks_nightly.yml │ ├── generate_benchmark_matrix.yml │ ├── github_api.py │ ├── gpu_benchmarks_nightly.yml │ ├── nightly_benchmarks.yml │ ├── postsubmit_benchmark.yml │ ├── presubmit_benchmark.yml │ ├── rollback_notification.py │ ├── rollback_notification.yml │ └── scorecards-analysis.yml ├── .gitignore ├── .kokoro ├── generate_index_html.sh ├── macos │ └── build.sh └── windows │ ├── build.bat │ └── windows_build.sh ├── AUTHORS ├── BUILD.bazel ├── CONTRIBUTING.md ├── LICENSE ├── MODULE.bazel ├── README.md ├── WORKSPACE ├── configure.py ├── docs ├── _toc.yaml ├── aliasing.md ├── architecture.md ├── async_ops.md ├── broadcasting.md ├── build_from_source.md ├── contributing.md ├── copybara.md ├── custom_call.md ├── determinism.md ├── developer_guide.md ├── developing_new_backend.md ├── effort_levels.md ├── emitters.md ├── error_codes.md ├── errors │ ├── error_0100.md │ ├── error_0101.md │ └── error_0102.md ├── errors_overview.md ├── flags_guidance.md ├── gpu_architecture.md ├── hlo_dumps.md ├── hlo_passes.md ├── hlo_to_thunks.md ├── images │ ├── annotated_module.png │ ├── batch_group_counts.svg │ ├── emitters-codegen-types.jpg │ ├── emitters-gelu.png │ ├── emitters-hero-types.jpg │ ├── emitters-partitioning.jpg │ ├── emitters-pipeline-overview.jpg │ ├── emitters-transpose.png │ ├── fused_module.png │ ├── gpu_pipeline.png │ ├── hlo_to_thunks.mermaid.txt │ ├── hlo_to_thunks.svg │ ├── how-does-xla-work.png │ ├── indexing_analysis_softmax.png │ ├── indexing_analysis_transposes.svg │ ├── layout_assigned_module.png │ ├── lowered_hlo.png │ ├── openxla.svg │ ├── openxla_dark.svg │ ├── ops_2d_matrix.png │ ├── ops_alltoall.png │ ├── ops_alltoall_2.svg │ ├── ops_concatenate.png │ ├── ops_convolution_1.svg │ ├── ops_pad.png │ ├── ops_reduce_from_2d_matrix.png │ ├── ops_reduce_from_3d_matrix.png │ ├── ops_reduce_scatter_1.svg │ ├── ops_reduce_window.png │ ├── ops_reduce_window_2.svg │ ├── ops_reduce_window_stride.png │ ├── ops_scatter_1.svg │ ├── ops_scatter_to_selected_window_element.png │ ├── ops_while.png │ ├── ops_xla_gather_0.svg │ ├── ops_xla_gather_1.svg │ ├── ops_xla_gather_2.svg │ ├── partitioned_module.png │ ├── pre_layout_module.png │ ├── send_recv_order.png │ ├── send_recv_schedule.png │ ├── tf_xla_performance.png │ ├── triton_opt_pipeline.png │ ├── xla_array_layout_figure1.png │ ├── xla_array_layout_figure2.png │ └── xla_hardware.png ├── index.md ├── indexing.md ├── lhs_cost_model.md ├── lsp.md ├── operation_semantics.md ├── persisted_autotuning.md ├── pjrt │ ├── _toc.yaml │ ├── cpp_api_overview.md │ ├── examples.md │ ├── images │ │ └── pjrt_client.svg │ ├── index.md │ └── pjrt_integration.md ├── shapes.md ├── sparsecore.md ├── terminology.md ├── test_hlo_passes.md ├── tf2xla │ ├── index.md │ └── tutorials │ │ ├── autoclustering_xla.ipynb │ │ └── jit_compile.ipynb ├── tiled_layout.md ├── tools.md └── tools_multihost_hlo_runner.md ├── opensource_only.files ├── requirements_lock_3_11.txt ├── requirements_lock_3_12.txt ├── tensorflow.bazelrc ├── third_party ├── BUILD.bazel ├── FP16 │ ├── BUILD │ ├── FP16.BUILD │ └── workspace.bzl ├── absl │ ├── BUILD │ ├── btree.patch │ ├── build_dll.patch │ ├── check_op.patch │ ├── check_op_2.patch │ ├── com_google_absl.BUILD │ ├── endian.patch │ ├── rules_cc.patch │ ├── system.BUILD │ ├── system.absl.algorithm.BUILD │ ├── system.absl.base.BUILD │ ├── system.absl.cleanup.BUILD │ ├── system.absl.container.BUILD │ ├── system.absl.debugging.BUILD │ ├── system.absl.flags.BUILD │ ├── system.absl.functional.BUILD │ ├── system.absl.hash.BUILD │ ├── system.absl.memory.BUILD │ ├── system.absl.meta.BUILD │ ├── system.absl.numeric.BUILD │ ├── system.absl.random.BUILD │ ├── system.absl.status.BUILD │ ├── system.absl.strings.BUILD │ ├── system.absl.synchronization.BUILD │ ├── system.absl.time.BUILD │ ├── system.absl.types.BUILD │ ├── system.absl.utility.BUILD │ └── workspace.bzl ├── benchmark │ ├── BUILD │ └── workspace.bzl ├── boringssl.BUILD ├── clang_toolchain │ ├── BUILD.bazel │ ├── cc_configure_clang.bzl │ └── download_clang.bzl ├── compute_library │ ├── BUILD.bazel │ ├── acl_gemm_scheduling_heuristic.patch │ ├── acl_stateless_gemm_workspace.patch │ ├── build_defs.bzl │ ├── compute_library.patch │ ├── exclude_omp_scheduler.patch │ └── include_string.patch ├── cpuinfo │ ├── BUILD.bazel │ └── workspace.bzl ├── cudnn_frontend.BUILD ├── cudnn_frontend │ ├── BUILD.bazel │ └── workspace.bzl ├── cudnn_frontend_header_fix.patch ├── curl.BUILD ├── cutlass.BUILD ├── cython.BUILD ├── dlpack │ ├── BUILD │ ├── dlpack.BUILD │ └── workspace.bzl ├── ducc │ ├── BUILD.bazel │ ├── ducc.BUILD │ ├── ducc0_custom_lowlevel_threading.h │ ├── fft.cc │ ├── fft.h │ ├── threading.cc │ ├── threading.h │ └── workspace.bzl ├── eigen3 │ ├── BUILD.bazel │ ├── LICENSE │ ├── eigen_archive.BUILD │ └── workspace.bzl ├── extensions │ ├── BUILD.bazel │ ├── llvm.bzl │ ├── python_version.bzl │ ├── rbe_config.bzl │ ├── remote_execution_configure.bzl │ ├── rocm_configure.bzl │ ├── tensorrt_configure.bzl │ ├── third_party.bzl │ └── tsl.bzl ├── farmhash │ ├── BUILD │ ├── farmhash.BUILD │ ├── farmhash_gpu.BUILD │ ├── farmhash_support_cuda.patch │ └── workspace.bzl ├── fmt │ ├── BUILD │ ├── fmt.BUILD │ └── workspace.bzl ├── fxdiv │ ├── BUILD.bazel │ └── workspace.bzl ├── gemmlowp │ ├── BUILD │ └── workspace.bzl ├── git │ ├── BUILD.bazel │ ├── BUILD.tpl │ └── git_configure.bzl ├── gloo │ ├── BUILD │ ├── gloo.BUILD │ └── workspace.bzl ├── googletest │ ├── BUILD.bazel │ └── googletest.patch ├── gpus │ ├── BUILD.bazel │ ├── check_cuda_libs.py │ ├── compiler_common_tools.bzl │ ├── crosstool │ │ ├── BUILD.bazel │ │ ├── BUILD.rocm.tpl │ │ ├── BUILD.sycl.tpl │ │ ├── BUILD.tpl │ │ ├── LICENSE │ │ ├── cc_toolchain_config.bzl.tpl │ │ ├── clang │ │ │ └── bin │ │ │ │ ├── ar_driver_sycl.tpl │ │ │ │ ├── crosstool_wrapper_driver_is_not_gcc.tpl │ │ │ │ ├── crosstool_wrapper_driver_rocm.tpl │ │ │ │ └── crosstool_wrapper_driver_sycl.tpl │ │ ├── hipcc_cc_toolchain_config.bzl.tpl │ │ ├── sycl_cc_toolchain_config.bzl.tpl │ │ └── windows │ │ │ └── msvc_wrapper_for_nvcc.py.tpl │ ├── cuda │ │ ├── BUILD.bazel │ │ ├── LICENSE │ │ ├── build_defs.bzl.tpl │ │ ├── cuda_config.h.tpl │ │ ├── cuda_config.py.tpl │ │ └── hermetic │ │ │ ├── BUILD.bazel │ │ │ ├── BUILD.tpl │ │ │ ├── cuda_cccl.BUILD.tpl │ │ │ ├── cuda_configure.bzl │ │ │ ├── cuda_cublas.BUILD.tpl │ │ │ ├── cuda_cudart.BUILD.tpl │ │ │ ├── cuda_cudnn.BUILD.tpl │ │ │ ├── cuda_cudnn9.BUILD.tpl │ │ │ ├── cuda_cufft.BUILD.tpl │ │ │ ├── cuda_cupti.BUILD.tpl │ │ │ ├── cuda_curand.BUILD.tpl │ │ │ ├── cuda_cusolver.BUILD.tpl │ │ │ ├── cuda_cusparse.BUILD.tpl │ │ │ ├── cuda_driver.BUILD.tpl │ │ │ ├── cuda_json_init_repository.bzl │ │ │ ├── cuda_nvcc.BUILD.tpl │ │ │ ├── cuda_nvdisasm.BUILD │ │ │ ├── cuda_nvjitlink.BUILD.tpl │ │ │ ├── cuda_nvml.BUILD.tpl │ │ │ ├── cuda_nvprune.BUILD │ │ │ ├── cuda_nvrtc.BUILD.tpl │ │ │ ├── cuda_nvtx.BUILD.tpl │ │ │ ├── cuda_redist_init_repositories.bzl │ │ │ └── cuda_redist_versions.bzl │ ├── cuda_configure.bzl │ ├── find_cuda_config.py │ ├── find_rocm_config.py │ ├── find_sycl_config.py │ ├── local_config_cuda.BUILD │ ├── nvidia_common_rules.bzl │ ├── rocm │ │ ├── BUILD.bazel │ │ ├── BUILD.tpl │ │ ├── build_defs.bzl.tpl │ │ ├── rocm_config.h.tpl │ │ └── rocm_redist.bzl │ ├── rocm_configure.bzl │ ├── sycl │ │ ├── BUILD.bazel │ │ ├── BUILD.tpl │ │ ├── build_defs.bzl.tpl │ │ ├── level_zero.bzl │ │ └── sycl_dl_essential.bzl │ └── sycl_configure.bzl ├── grpc │ ├── BUILD.bazel │ ├── generate_cc_env_fix.patch │ ├── grpc.patch │ ├── register_go_toolchain.patch │ ├── upb_build.patch │ └── upb_platform_fix.patch ├── gutil │ ├── BUILD │ └── workspace.bzl ├── highwayhash │ ├── BUILD │ ├── highwayhash.BUILD │ └── workspace.bzl ├── hwloc │ ├── BUILD │ ├── BUILD.system │ ├── hwloc.BUILD │ ├── static-components.h │ └── workspace.bzl ├── implib_so │ ├── BUILD.bazel │ ├── get_symbols.py │ ├── implib_so.BUILD │ ├── make_stub.py │ └── workspace.bzl ├── llvm │ ├── BUILD │ ├── build.patch │ ├── generated.patch │ ├── lit_test.patch │ ├── llvm.BUILD │ ├── mathextras.patch │ ├── run_lit.sh │ ├── setup.bzl │ ├── toolchains.patch │ ├── workspace.bzl │ └── zstd.patch ├── llvm_openmp │ ├── BUILD.bazel │ ├── cmake_vars.bzl │ ├── expand_cmake_vars.py │ ├── openmp.bzl │ ├── openmp_switch_default_patch.patch │ └── workspace.bzl ├── mkl │ └── BUILD.bazel ├── mkl_dnn │ ├── BUILD │ ├── LICENSE │ ├── mkldnn_acl.BUILD │ ├── mkldnn_v1.BUILD │ ├── onednn_acl_lock_fixed_format_matmul.patch │ ├── onednn_acl_threadpool_default_max.patch │ ├── setting_init.patch │ └── workspace.bzl ├── mpitrampoline │ ├── BUILD │ ├── gen.patch │ ├── mpitrampoline.BUILD │ └── workspace.bzl ├── nanobind │ ├── BUILD │ ├── nanobind.BUILD │ └── workspace.bzl ├── nasm │ ├── BUILD │ ├── BUILD.system │ ├── config.h │ ├── nasm.BUILD │ └── workspace.bzl ├── nccl │ ├── BUILD.bazel │ ├── LICENSE │ ├── archive.BUILD │ ├── archive.patch │ ├── build_defs.bzl.tpl │ ├── generated_names.bzl.tpl │ └── hermetic │ │ ├── BUILD.bazel │ │ ├── cuda_nccl.BUILD.tpl │ │ ├── nccl_configure.bzl │ │ └── nccl_redist_init_repository.bzl ├── net_zstd.BUILD ├── nvshmem │ ├── BUILD.bazel │ ├── archive.patch │ ├── hermetic │ │ ├── BUILD.bazel │ │ ├── nvidia_nvshmem.BUILD.tpl │ │ ├── nvshmem_json_init_repository.bzl │ │ └── nvshmem_redist_init_repository.bzl │ ├── nvshmem.BUILD │ └── workspace.bzl ├── nvtx.BUILD ├── nvtx │ ├── BUILD.bazel │ └── LICENSE ├── ortools │ ├── BUILD.bazel │ ├── bliss.BUILD │ ├── glpk.BUILD │ ├── ortools.patch │ ├── scip.BUILD │ └── scip.patch ├── protobuf │ ├── BUILD.bazel │ └── protobuf.patch ├── pthreadpool │ ├── BUILD.bazel │ └── workspace.bzl ├── py │ ├── BUILD.bazel │ ├── BUILD.tpl │ ├── README.md │ ├── manylinux_compliance_test.py │ ├── ml_dtypes │ │ ├── BUILD.bazel │ │ ├── ml_dtypes.BUILD │ │ ├── ml_dtypes_py.BUILD │ │ └── workspace.bzl │ ├── numpy │ │ ├── BUILD.bazel │ │ ├── LICENSE │ │ ├── README.md │ │ └── tf_numpy_api │ │ │ ├── BUILD │ │ │ ├── tensorflow.experimental.numpy.ndarray.pbtxt │ │ │ ├── tensorflow.experimental.numpy.pbtxt │ │ │ └── tensorflow.experimental.numpy.random.pbtxt │ ├── py_import.bzl │ ├── py_manylinux_compliance_test.bzl │ ├── python_configure.bzl │ ├── python_init_pip.bzl │ ├── python_init_repositories.bzl │ ├── python_init_rules.bzl │ ├── python_init_toolchains.bzl │ ├── python_repo.bzl │ ├── python_wheel.bzl │ ├── rules_cc_protobuf.patch │ ├── rules_python_freethreaded.patch │ ├── rules_python_pip_version.patch │ ├── rules_python_versions.patch │ ├── rules_pywrap │ │ ├── BUILD.bazel │ │ ├── README.md │ │ ├── def_file_filter_tool.py │ │ ├── pybind_extension.py.tpl │ │ ├── pywrap.default.bzl │ │ ├── pywrap.impl.bzl │ │ └── wrapped_py_init.cc │ ├── setup_py_nvidia_dependencies_util.py │ └── unpack_wheel_and_unzip_archive_files.py ├── pybind11.BUILD ├── pybind11_abseil │ ├── BUILD.bazel │ ├── remove_license.patch │ └── workspace.bzl ├── pybind11_bazel │ ├── BUILD.bazel │ └── workspace.bzl ├── python_runtime │ └── BUILD.bazel ├── raft │ ├── BUILD │ ├── clang_cuda_intrinsics.h.patch │ ├── cudart_utils.hpp.patch │ ├── logger_macros.hpp.patch │ ├── pr-2807.patch │ ├── raft.BUILD │ ├── select_k_runner.cu.cc.patch │ ├── select_k_runner.hpp.patch │ ├── select_k_smoke_test.cu.cc.patch │ ├── vectorized.cuh.patch │ └── workspace.bzl ├── rapids_logger │ ├── BUILD │ ├── rapids_logger.BUILD │ ├── smoke_test.cc.patch │ └── workspace.bzl ├── remote_config │ ├── BUILD.bazel │ ├── BUILD.tpl │ ├── common.bzl │ └── remote_platform_configure.bzl ├── repo.bzl ├── rmm │ ├── BUILD │ ├── logger_macros.hpp.patch │ ├── rmm.BUILD │ └── workspace.bzl ├── robin_map │ ├── BUILD │ ├── robin_map.BUILD │ └── workspace.bzl ├── rocm_device_libs │ ├── BUILD │ ├── build_defs.bzl │ ├── prepare_builtins.patch │ ├── rocm_device_libs.BUILD │ └── workspace.bzl ├── shardy │ ├── BUILD │ ├── temporary.patch │ └── workspace.bzl ├── six.BUILD ├── slinky │ ├── BUILD.bazel │ └── workspace.bzl ├── snappy.BUILD ├── spdlog │ ├── BUILD │ ├── smoke_test.cc.patch │ ├── spdlog.BUILD │ └── workspace.bzl ├── spirv_llvm_translator │ ├── BUILD │ ├── spirv_llvm_translator.BUILD │ └── spirv_llvm_translator.patch ├── stablehlo │ ├── BUILD.bazel │ ├── temporary.patch │ └── workspace.bzl ├── tensorrt │ ├── BUILD.bazel │ ├── BUILD.tpl │ ├── LICENSE │ ├── build_defs.bzl.tpl │ ├── plugin.BUILD.tpl │ ├── plugin │ │ ├── BUILD.bazel │ │ └── tensorrt_oss.patch │ ├── tensorrt │ │ ├── include │ │ │ └── tensorrt_config.h.tpl │ │ └── tensorrt_config.py.tpl │ ├── tensorrt_configure.bzl │ └── workspace.bzl ├── transformer_engine │ ├── BUILD │ ├── codegen.py │ ├── transformer_engine.BUILD │ ├── transformer_engine.patch │ └── workspace.bzl ├── triton │ ├── BUILD.bazel │ ├── llvm_integration │ │ ├── cl823109577.patch │ │ ├── cl825373861.patch │ │ ├── cl828494580.patch │ │ ├── cl831451347.patch │ │ ├── cl833447018.patch │ │ ├── cl835942347.patch │ │ ├── cl838780160.patch │ │ └── series.bzl │ ├── temporary │ │ ├── launcher_tma_desc_fix.patch │ │ ├── series.bzl │ │ └── utility-fix.patch │ └── workspace.bzl ├── tsl │ ├── .github │ │ └── workflows │ │ │ └── scorecards-analysis.yml │ ├── BUILD.bazel │ ├── LICENSE │ ├── README.md │ ├── REPO.bazel │ └── tsl │ │ ├── platform │ │ ├── BUILD │ │ ├── abi.cc │ │ ├── abi.h │ │ ├── abi_test.cc │ │ ├── base64.cc │ │ ├── base64.h │ │ ├── bfloat16.h │ │ ├── blocking_counter.h │ │ ├── casts.h │ │ ├── coding.cc │ │ ├── coding.h │ │ ├── context.h │ │ ├── cord.h │ │ ├── cpu_info.cc │ │ ├── cpu_info.h │ │ ├── cpu_info_test.cc │ │ ├── ctstring.h │ │ ├── ctstring_internal.h │ │ ├── ctstring_test.cc │ │ ├── cuda_root_path.h │ │ ├── demangle.h │ │ ├── denormal.cc │ │ ├── denormal.h │ │ ├── denormal_test.cc │ │ ├── dso_loader.h │ │ ├── env.h │ │ ├── env_time.h │ │ ├── error_logging.h │ │ ├── errors.h │ │ ├── file_statistics.h │ │ ├── file_system.h │ │ ├── file_system_helper.h │ │ ├── fingerprint.h │ │ ├── fingerprint_test.cc │ │ ├── hash.cc │ │ ├── hash.h │ │ ├── hash_test.cc │ │ ├── host_info.h │ │ ├── human_readable_json.h │ │ ├── init_main.h │ │ ├── integral_types_test.cc │ │ ├── load_library.h │ │ ├── logging.h │ │ ├── macros.h │ │ ├── mem.h │ │ ├── ml_dtypes.h │ │ ├── mutex.h │ │ ├── mutex_test.cc │ │ ├── net.h │ │ ├── net_test.cc │ │ ├── notification.h │ │ ├── null_file_system.h │ │ ├── numa.h │ │ ├── numa_test.cc │ │ ├── numbers.cc │ │ ├── numbers.h │ │ ├── numbers_test.cc │ │ ├── path.cc │ │ ├── path.h │ │ ├── path_test.cc │ │ ├── platform.h │ │ ├── platform_strings_computed.h │ │ ├── port_test.cc │ │ ├── protobuf.cc │ │ ├── protobuf.h │ │ ├── protobuf_util.cc │ │ ├── random.cc │ │ ├── random.h │ │ ├── random_test.cc │ │ ├── raw_coding.h │ │ ├── refcount.h │ │ ├── refcount_test.cc │ │ ├── regexp.h │ │ ├── retrying_file_system.h │ │ ├── retrying_file_system_test.cc │ │ ├── retrying_utils.cc │ │ ├── retrying_utils.h │ │ ├── retrying_utils_test.cc │ │ ├── scanner.cc │ │ ├── scanner.h │ │ ├── scanner_test.cc │ │ ├── setround.cc │ │ ├── setround.h │ │ ├── setround_test.cc │ │ ├── snappy.h │ │ ├── stacktrace.h │ │ ├── stacktrace_handler.h │ │ ├── stacktrace_handler_test.cc │ │ ├── stacktrace_test.cc │ │ ├── status.h │ │ ├── status_matchers.h │ │ ├── status_to_from_proto.h │ │ ├── statusor.h │ │ ├── str_util.cc │ │ ├── str_util.h │ │ ├── str_util_test.cc │ │ ├── strcat.h │ │ ├── stringpiece.h │ │ ├── stringpiece_test.cc │ │ ├── stringprintf.h │ │ ├── stringprintf_test.cc │ │ ├── tensor_float_32_utils.cc │ │ ├── tensor_float_32_utils.h │ │ ├── test.h │ │ ├── test_benchmark.h │ │ ├── thread_annotations.h │ │ ├── threadpool.h │ │ ├── threadpool_interface.h │ │ ├── threadpool_options.h │ │ ├── tracing.cc │ │ ├── tracing.h │ │ ├── tstring.h │ │ ├── tstring_test.cc │ │ ├── types.h │ │ ├── unbounded_work_queue.h │ │ └── unbounded_work_queue_test.cc │ │ └── profiler │ │ ├── lib │ │ ├── BUILD │ │ ├── connected_traceme.h │ │ ├── context_types.cc │ │ ├── context_types.h │ │ ├── nvtx_utils.cc │ │ ├── nvtx_utils.h │ │ ├── nvtx_utils_stub.cc │ │ ├── profiler_collection.cc │ │ ├── profiler_collection.h │ │ ├── profiler_controller.cc │ │ ├── profiler_controller.h │ │ ├── profiler_factory.cc │ │ ├── profiler_factory.h │ │ ├── profiler_factory_test.cc │ │ ├── profiler_interface.h │ │ ├── profiler_lock.cc │ │ ├── profiler_lock.h │ │ ├── profiler_lock_test.cc │ │ ├── profiler_session.cc │ │ ├── profiler_session.h │ │ ├── scoped_annotation.h │ │ ├── scoped_annotation_test.cc │ │ ├── scoped_memory_debug_annotation.cc │ │ ├── scoped_memory_debug_annotation.h │ │ ├── traceme.h │ │ ├── traceme_encode.h │ │ └── traceme_encode_test.cc │ │ └── protobuf │ │ ├── BUILD │ │ ├── profile.proto │ │ ├── profiled_instructions.proto │ │ ├── profiler_analysis.proto │ │ ├── profiler_options.proto │ │ ├── profiler_service.proto │ │ ├── profiler_service_monitor_result.proto │ │ ├── trace_events.proto │ │ └── xplane.proto ├── uv │ ├── BUILD │ ├── uv.BUILD │ └── workspace.bzl ├── xla_googletest_wrapper │ ├── BUILD.bazel │ ├── MODULE.bazel │ ├── README.md │ ├── REPO.bazel │ ├── googletest_deps.bzl │ └── include │ │ ├── gmock │ │ └── gmock.h │ │ └── gtest │ │ └── gtest.h ├── xnnpack │ ├── BUILD.bazel │ └── workspace.bzl └── zlib.BUILD ├── tools ├── ci_build │ └── gpu_build │ │ ├── BUILD │ │ └── parallel_gpu_execute.sh ├── def_file_filter │ ├── BUILD │ ├── BUILD.tpl │ ├── def_file_filter.py.tpl │ ├── def_file_filter_configure.bzl │ └── symbols_pybind.txt └── toolchains │ ├── BUILD │ ├── android │ └── BUILD │ ├── archives.bzl │ ├── clang6 │ ├── BUILD │ ├── CROSSTOOL.tpl │ ├── README.md │ ├── clang.BUILD │ └── repo.bzl │ ├── cpus │ ├── aarch64 │ │ ├── README.md │ │ ├── aarch64.bzl │ │ ├── aarch64_compiler_configure.bzl │ │ └── crosstool │ │ │ ├── BUILD │ │ │ ├── BUILD.tpl │ │ │ └── cc_toolchain_config.bzl.tpl │ ├── arm │ │ ├── arm_compiler_configure.bzl │ │ ├── cc_config.bzl.tpl │ │ └── template.BUILD │ ├── py │ │ └── BUILD │ └── py3 │ │ └── BUILD │ ├── cross_compile │ ├── cc │ │ ├── BUILD │ │ ├── cc_toolchain_config.bzl │ │ └── cc_wrapper.sh │ └── config │ │ ├── BUILD │ │ └── platform_mappings │ ├── embedded │ ├── README.md │ └── arm-linux │ │ ├── BUILD │ │ ├── README.md │ │ ├── aarch64-linux-toolchain.BUILD │ │ ├── arm_linux_toolchain_configure.bzl │ │ ├── armhf-linux-toolchain.BUILD │ │ ├── cc_config.bzl.tpl │ │ └── template.BUILD │ ├── ios │ └── BUILD │ ├── java │ └── BUILD │ ├── linux │ └── BUILD │ ├── python │ ├── BUILD │ └── python_repo.bzl │ ├── remote │ ├── BUILD │ ├── BUILD.tpl │ ├── configure.bzl │ └── execution.bzl.tpl │ ├── remote_config │ ├── BUILD │ ├── configs.bzl │ ├── containers.bzl │ └── rbe_config.bzl │ ├── win │ ├── 20240424 │ │ ├── BUILD │ │ ├── armeabi_cc_toolchain_config.bzl │ │ ├── builtin_include_directory_paths_clangcl │ │ ├── builtin_include_directory_paths_msvc │ │ ├── toolchain_image_info │ │ └── windows_cc_toolchain_config.bzl │ ├── BUILD │ ├── bazel_211 │ │ ├── BUILD │ │ ├── armeabi_cc_toolchain_config.bzl │ │ ├── builtin_include_directory_paths_msvc │ │ └── windows_cc_toolchain_config.bzl │ └── tf_win_05022023 │ │ ├── BUILD │ │ ├── armeabi_cc_toolchain_config.bzl │ │ ├── builtin_include_directory_paths_msvc │ │ ├── toolchain_image_info │ │ └── windows_cc_toolchain_config.bzl │ ├── win2022 │ ├── 20241118 │ │ ├── BUILD │ │ ├── armeabi_cc_toolchain_config.bzl │ │ ├── builtin_include_directory_paths_clangcl │ │ ├── builtin_include_directory_paths_msvc │ │ └── windows_cc_toolchain_config.bzl │ └── BUILD │ └── win_1803 │ ├── py38 │ └── BUILD │ └── py39 │ └── BUILD ├── warnings.bazelrc ├── workspace0.bzl ├── workspace1.bzl ├── workspace2.bzl ├── workspace3.bzl ├── workspace4.bzl └── xla ├── BUILD ├── README.md ├── array.cc ├── array.h ├── array2d.h ├── array2d_test.cc ├── array3d.h ├── array3d_test.cc ├── array4d.h ├── array4d_test.cc ├── array_test.cc ├── autotune_result_wrapper.cc ├── autotune_result_wrapper.h ├── autotune_result_wrapper_test.cc ├── autotune_results.proto ├── autotuning.proto ├── backends ├── autotuner │ ├── BUILD │ ├── autotuner.cc │ ├── autotuner.h │ ├── autotuner_cache.proto │ ├── autotuner_cache_interface.h │ ├── autotuner_test.cc │ ├── codegen_backend.h │ ├── file_based_autotuner_cache.cc │ ├── file_based_autotuner_cache.h │ ├── file_based_autotuner_cache_test.cc │ └── profiler.h ├── cpu │ ├── BUILD │ ├── alignment.h │ ├── autotuner │ │ ├── BUILD │ │ ├── cpu_codegen_backend.h │ │ ├── cpu_profiler.cc │ │ ├── cpu_profiler.h │ │ ├── cpu_profiler_test.cc │ │ ├── llvm_kernel_autotuner.cc │ │ ├── llvm_kernel_autotuner.h │ │ ├── llvm_kernel_autotuner_test.cc │ │ ├── llvm_kernel_backend.cc │ │ ├── llvm_kernel_backend.h │ │ ├── llvm_kernel_backend_test.cc │ │ ├── xnnpack_backend.cc │ │ ├── xnnpack_backend.h │ │ └── xnnpack_backend_test.cc │ ├── benchmarks │ │ ├── BUILD │ │ ├── aliasing_benchmark_test.cc │ │ ├── aot_benchmark_helper.cc │ │ ├── aot_benchmark_helper.h │ │ ├── aot_benchmark_helper_test.cc │ │ ├── concatenate_benchmark_test.cc │ │ ├── convolution_benchmark_test.cc │ │ ├── custom_call_benchmark_test.cc │ │ ├── dag_execution_benchmark_test.cc │ │ ├── dot_benchmark_test.cc │ │ ├── dynamic_update_slice_benchmark_test.cc │ │ ├── e2e │ │ │ └── gemma2 │ │ │ │ ├── flax_2b │ │ │ │ ├── README.md │ │ │ │ ├── benchmark.py │ │ │ │ ├── config.sh │ │ │ │ ├── requirements.txt │ │ │ │ ├── run.sh │ │ │ │ └── setup.sh │ │ │ │ ├── keras │ │ │ │ ├── README.md │ │ │ │ ├── benchmark.py │ │ │ │ ├── cleanup.sh │ │ │ │ ├── config.sh │ │ │ │ ├── requirements.txt │ │ │ │ ├── run.sh │ │ │ │ └── setup.sh │ │ │ │ └── pytorch_2b │ │ │ │ ├── README.md │ │ │ │ ├── benchmark.py │ │ │ │ ├── config.sh │ │ │ │ ├── requirements.txt │ │ │ │ ├── run.sh │ │ │ │ └── setup.sh │ │ ├── elementwise_benchmark_test.cc │ │ ├── exp_benchmark_test.cc │ │ ├── fusion_benchmark_test.cc │ │ ├── gather_benchmark_test.cc │ │ ├── gemv_benchmark_test.cc │ │ ├── hlo_benchmark_runner.cc │ │ ├── hlo_benchmark_runner.h │ │ ├── log_benchmark_test.cc │ │ ├── multi_benchmark_config.cc │ │ ├── multi_benchmark_config.h │ │ ├── onednn_matmul_benchmark_test.cc │ │ ├── optimizer_benchmark_test.cc │ │ ├── pad_benchmark_test.cc │ │ ├── reduction_benchmark_test.cc │ │ ├── scatter_benchmark_test.cc │ │ ├── select_and_scatter_benchmark_test.cc │ │ ├── snapshot_loading_test.cc │ │ ├── tanh_benchmark_test.cc │ │ ├── topk_benchmark_test.cc │ │ ├── transposed_copy_benchmark_test.cc │ │ ├── transposed_dot_benchmark_test.cc │ │ └── xnn_fusion_benchmark_test.cc │ ├── buffer_allocation_info.h │ ├── buffer_allocation_info_util.cc │ ├── buffer_allocation_info_util.h │ ├── codegen │ │ ├── BUILD │ │ ├── aot_compiled_function_library.cc │ │ ├── aot_compiled_function_library.h │ │ ├── aot_compiled_function_library_test.cc │ │ ├── builtin_definition_generator.cc │ │ ├── builtin_definition_generator.h │ │ ├── builtin_fp16.cc │ │ ├── builtin_fp16.h │ │ ├── builtin_pow.cc │ │ ├── builtin_pow.h │ │ ├── compiled_function_library.cc │ │ ├── compiled_function_library.h │ │ ├── computation_kernel_emitter.cc │ │ ├── computation_kernel_emitter.h │ │ ├── computation_kernel_emitter_test.py │ │ ├── contiguous_section_memory_manager.cc │ │ ├── contiguous_section_memory_manager.h │ │ ├── cpu_features.cc │ │ ├── cpu_features.h │ │ ├── dot │ │ │ ├── BUILD │ │ │ ├── dot_kernel_emitter.cc │ │ │ ├── dot_kernel_emitter.h │ │ │ └── dot_kernel_emitter_test.py │ │ ├── elemental │ │ │ ├── BUILD │ │ │ ├── concatenate_kernel_emitter.cc │ │ │ ├── concatenate_kernel_emitter.h │ │ │ ├── concatenate_kernel_emitter_test.py │ │ │ ├── elemental_kernel_emitter.cc │ │ │ ├── elemental_kernel_emitter.h │ │ │ └── elemental_kernel_emitter_test.cc │ │ ├── emitters │ │ │ ├── BUILD │ │ │ ├── cpu_fusion_emitter.cc │ │ │ ├── cpu_fusion_emitter.h │ │ │ ├── cpu_fusion_emitter_config.h │ │ │ ├── cpu_fusion_emitter_test.cc │ │ │ ├── cpu_scatter_emitter.cc │ │ │ ├── cpu_scatter_emitter.h │ │ │ ├── ir │ │ │ │ ├── BUILD │ │ │ │ ├── tests │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── ops.mlir │ │ │ │ │ └── types.mlir │ │ │ │ ├── xla_cpu_dialect.cc │ │ │ │ ├── xla_cpu_dialect.h │ │ │ │ ├── xla_cpu_dialect.td │ │ │ │ ├── xla_cpu_ops.cc │ │ │ │ ├── xla_cpu_ops.h │ │ │ │ ├── xla_cpu_ops.td │ │ │ │ ├── xla_cpu_types.cc │ │ │ │ ├── xla_cpu_types.h │ │ │ │ └── xla_cpu_types.td │ │ │ └── transforms │ │ │ │ ├── BUILD │ │ │ │ ├── add_loop_unroll_flags.cc │ │ │ │ ├── add_reduction_fast_math_flags.cc │ │ │ │ ├── expand_float_ops.cc │ │ │ │ ├── lower_to_llvm.cc │ │ │ │ ├── lower_xla_shared.cc │ │ │ │ ├── passes.h │ │ │ │ ├── passes.td │ │ │ │ ├── peel_workgroup_loop.cc │ │ │ │ ├── tests │ │ │ │ ├── BUILD │ │ │ │ ├── add_loop_unroll_flags.mlir │ │ │ │ ├── add_reduction_fast_math.mlir │ │ │ │ ├── expand_float_ops.mlir │ │ │ │ ├── lower_to_llvm.mlir │ │ │ │ ├── lower_xla_shared.mlir │ │ │ │ └── peel_workgroup_loop.mlir │ │ │ │ ├── xla_cpu_rewrite_patterns.cc │ │ │ │ └── xla_cpu_rewrite_patterns.h │ │ ├── execution_engine.cc │ │ ├── execution_engine.h │ │ ├── fusion_compiler.cc │ │ ├── fusion_compiler.h │ │ ├── fusion_emitter.cc │ │ ├── fusion_emitter.h │ │ ├── fusion_emitter_test.py │ │ ├── ir_compiler.cc │ │ ├── ir_compiler.h │ │ ├── ir_compiler_test.cc │ │ ├── jit_compiler.cc │ │ ├── jit_compiler.h │ │ ├── jit_compiler_test.cc │ │ ├── jit_memory_mapper.cc │ │ ├── jit_memory_mapper.h │ │ ├── kernel_api_ir_builder.cc │ │ ├── kernel_api_ir_builder.h │ │ ├── kernel_api_ir_builder_test.cc │ │ ├── object_loader.cc │ │ ├── object_loader.h │ │ ├── object_loader_test.cc │ │ ├── polynomial_approximations.cc │ │ ├── polynomial_approximations.h │ │ ├── scatter_kernel_emitter_test.py │ │ ├── symbol_name_util.cc │ │ ├── symbol_name_util.h │ │ ├── symbol_name_util_test.cc │ │ ├── target_machine_features.cc │ │ ├── target_machine_features.h │ │ ├── target_machine_features_test.cc │ │ ├── target_machine_test_base.h │ │ ├── tiled │ │ │ ├── BUILD │ │ │ ├── tiled_fusion_emitter.cc │ │ │ ├── tiled_fusion_emitter.h │ │ │ ├── tiled_fusion_emitter_stub.cc │ │ │ ├── tiled_kernel_test.py │ │ │ └── transforms │ │ │ │ ├── BUILD │ │ │ │ ├── fuse_elementwise_pass.cc │ │ │ │ ├── linalg_elementwise_to_vector_pass.cc │ │ │ │ ├── lower_xtile_entry.cc │ │ │ │ ├── lowering_utils.cc │ │ │ │ ├── lowering_utils.h │ │ │ │ ├── memref_copy_to_loops.cc │ │ │ │ ├── passes.h │ │ │ │ ├── passes.td │ │ │ │ ├── shlo_to_vector.cc │ │ │ │ ├── tensor_ops_to_bufferizable.cc │ │ │ │ ├── tests │ │ │ │ ├── BUILD │ │ │ │ ├── fuse_elementwise.mlir │ │ │ │ ├── linalg_elementwise_to_vector_pass.mlir │ │ │ │ ├── lower_xtile_entry.mlir │ │ │ │ ├── memref_copy_to_loops.mlir │ │ │ │ ├── shlo_to_vector.mlir │ │ │ │ ├── tensor_ops_to_bufferizable.mlir │ │ │ │ ├── unpack_sub_byte_vector_write_pass.mlir │ │ │ │ └── vector_to_scalar.mlir │ │ │ │ ├── unpack_sub_byte_vector_write_pass.cc │ │ │ │ ├── vector_to_scalar_pass.cc │ │ │ │ ├── vectorized_reduce_emitter.cc │ │ │ │ └── vectorized_reduce_emitter.h │ │ ├── tools │ │ │ ├── BUILD │ │ │ ├── cpu_test_correctness.cc │ │ │ ├── fusion_compiler_opt.cc │ │ │ ├── fusion_to_mlir.cc │ │ │ ├── ir_compiler_opt_main.cc │ │ │ └── tests │ │ │ │ ├── BUILD │ │ │ │ ├── exp_inlines.ll │ │ │ │ ├── ir_compiler_basic_test.ll │ │ │ │ ├── ir_compiler_vectorization_test.ll │ │ │ │ └── ldexp_inlines.ll │ │ ├── vector_ir_builder.cc │ │ └── vector_ir_builder.h │ ├── collectives │ │ ├── BUILD │ │ ├── cpu_clique.cc │ │ ├── cpu_clique.h │ │ ├── cpu_clique_key.cc │ │ ├── cpu_clique_key.h │ │ ├── cpu_cliques.cc │ │ ├── cpu_cliques.h │ │ ├── cpu_cliques_test.cc │ │ ├── cpu_collectives.cc │ │ ├── cpu_collectives.h │ │ ├── gloo_collectives.cc │ │ ├── gloo_collectives.h │ │ ├── gloo_collectives_test.cc │ │ ├── gloo_communicator.cc │ │ ├── gloo_communicator.h │ │ ├── gloo_kv_store.cc │ │ ├── gloo_kv_store.h │ │ ├── in_process_collectives.cc │ │ ├── in_process_collectives.h │ │ ├── in_process_communicator.cc │ │ ├── in_process_communicator.h │ │ ├── mpi_collectives.cc │ │ ├── mpi_collectives.h │ │ ├── mpi_communicator.cc │ │ └── mpi_communicator.h │ ├── constant_allocation.cc │ ├── constant_allocation.h │ ├── ffi.h │ ├── nanort │ │ ├── BUILD │ │ ├── README.md │ │ ├── ifrt_client.cc │ │ ├── ifrt_client.h │ │ ├── ifrt_client_test.cc │ │ ├── nanort_client.cc │ │ ├── nanort_client.h │ │ ├── nanort_client_test.cc │ │ ├── nanort_executable.cc │ │ ├── nanort_executable.h │ │ ├── package_groups.bzl │ │ └── register_nanort_for_ifrt_tests.cc │ ├── onednn_emitter.cc │ ├── onednn_emitter.h │ ├── onednn_fusion.h │ ├── onednn_support.cc │ ├── onednn_support.h │ ├── package_groups.bzl │ ├── runtime │ │ ├── BUILD │ │ ├── README.md │ │ ├── all_gather_thunk.cc │ │ ├── all_gather_thunk.h │ │ ├── all_reduce_thunk.cc │ │ ├── all_reduce_thunk.h │ │ ├── all_to_all_thunk.cc │ │ ├── all_to_all_thunk.h │ │ ├── buffer_allocations.h │ │ ├── buffer_allocations_test.cc │ │ ├── call_thunk.cc │ │ ├── call_thunk.h │ │ ├── collective_permute_thunk.cc │ │ ├── collective_permute_thunk.h │ │ ├── collective_thunk.cc │ │ ├── collective_thunk.h │ │ ├── conditional_thunk.cc │ │ ├── conditional_thunk.h │ │ ├── conditional_thunk_test.cc │ │ ├── convolution_dims.cc │ │ ├── convolution_dims.h │ │ ├── convolution_lib.h │ │ ├── convolution_lib_f16.cc │ │ ├── convolution_lib_f32.cc │ │ ├── convolution_thunk.cc │ │ ├── convolution_thunk.h │ │ ├── convolution_thunk_test.cc │ │ ├── convolution_thunk_test_util.h │ │ ├── copy_thunk.cc │ │ ├── copy_thunk.h │ │ ├── copy_thunk_test.cc │ │ ├── custom_call_thunk.cc │ │ ├── custom_call_thunk.h │ │ ├── dot_dims.cc │ │ ├── dot_dims.h │ │ ├── dot_lib.h │ │ ├── dot_lib_c128.cc │ │ ├── dot_lib_c64.cc │ │ ├── dot_lib_f16.cc │ │ ├── dot_lib_f32.cc │ │ ├── dot_lib_f64.cc │ │ ├── dot_lib_s32.cc │ │ ├── dot_lib_s8.cc │ │ ├── dot_thunk.cc │ │ ├── dot_thunk.h │ │ ├── dot_thunk_test.cc │ │ ├── fft_thunk.cc │ │ ├── fft_thunk.h │ │ ├── function_library.cc │ │ ├── function_library.h │ │ ├── infeed_thunk.cc │ │ ├── infeed_thunk.h │ │ ├── infeed_thunk_test.cc │ │ ├── kernel.cc │ │ ├── kernel.h │ │ ├── kernel_c_api.h │ │ ├── kernel_test.cc │ │ ├── kernel_thunk.cc │ │ ├── kernel_thunk.h │ │ ├── kernel_thunk_test.cc │ │ ├── logical_id_thunk.cc │ │ ├── logical_id_thunk.h │ │ ├── logical_id_thunk_test.cc │ │ ├── onednn │ │ │ ├── BUILD │ │ │ ├── onednn_fusion_thunk.cc │ │ │ ├── onednn_fusion_thunk.h │ │ │ ├── onednn_interop.h │ │ │ ├── onednn_op_thunk.cc │ │ │ ├── onednn_op_thunk.h │ │ │ ├── onednn_op_thunk_test.cc │ │ │ ├── onednn_threadpool.h │ │ │ └── onednn_threadpool_test.cc │ │ ├── outfeed_thunk.cc │ │ ├── outfeed_thunk.h │ │ ├── outfeed_thunk_test.cc │ │ ├── reduce_scatter_thunk.cc │ │ ├── reduce_scatter_thunk.h │ │ ├── rng_state_lib.cc │ │ ├── rng_state_lib.h │ │ ├── rng_state_lib_test.cc │ │ ├── rng_state_thunk.cc │ │ ├── rng_state_thunk.h │ │ ├── serdes_base.h │ │ ├── sort_lib.cc │ │ ├── sort_lib.h │ │ ├── sort_thunk.cc │ │ ├── sort_thunk.h │ │ ├── sort_thunk_test.cc │ │ ├── thread_pool_task_runner.h │ │ ├── thunk.cc │ │ ├── thunk.h │ │ ├── thunk.proto │ │ ├── thunk_executor.cc │ │ ├── thunk_executor.h │ │ ├── thunk_executor_test.cc │ │ ├── thunk_proto_serdes.cc │ │ ├── thunk_proto_serdes.h │ │ ├── thunk_sequence_serdes_test.cc │ │ ├── thunk_test.cc │ │ ├── thunk_testlib.cc │ │ ├── thunk_testlib.h │ │ ├── topk_lib.h │ │ ├── topk_thunk.cc │ │ ├── topk_thunk.h │ │ ├── while_thunk.cc │ │ ├── while_thunk.h │ │ ├── while_thunk_test.cc │ │ ├── work_queue.h │ │ ├── work_queue_test.cc │ │ ├── xfeed_manager.cc │ │ ├── xfeed_manager.h │ │ ├── xfeed_manager_test.cc │ │ ├── xnnpack │ │ │ ├── BUILD │ │ │ ├── xnn_convolution_thunk.cc │ │ │ ├── xnn_convolution_thunk.h │ │ │ ├── xnn_convolution_thunk_test.cc │ │ │ ├── xnn_dot_thunk.cc │ │ │ ├── xnn_dot_thunk.h │ │ │ ├── xnn_dot_thunk_test.cc │ │ │ ├── xnn_fusion_thunk.cc │ │ │ ├── xnn_fusion_thunk.h │ │ │ ├── xnn_fusion_thunk_test.cc │ │ │ ├── xnn_interop.cc │ │ │ ├── xnn_interop.h │ │ │ ├── xnn_threadpool.cc │ │ │ └── xnn_threadpool.h │ │ └── ynnpack │ │ │ ├── BUILD │ │ │ ├── slinky_threadpool.cc │ │ │ ├── slinky_threadpool.h │ │ │ ├── slinky_threadpool_test.cc │ │ │ ├── ynn_fusion_thunk.cc │ │ │ ├── ynn_fusion_thunk.h │ │ │ ├── ynn_fusion_thunk_test.cc │ │ │ ├── ynn_interop.cc │ │ │ ├── ynn_interop.h │ │ │ ├── ynn_threadpool.cc │ │ │ └── ynn_threadpool.h │ ├── target_machine_options.cc │ ├── target_machine_options.h │ ├── target_machine_options_test.cc │ ├── testlib │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── elemental_kernel_emitter_test.py │ │ ├── kernel_runner.cc │ │ ├── kernel_runner.h │ │ ├── kernel_runner_extension.cc │ │ ├── kernel_runner_test.cc │ │ ├── kernel_runner_test.py │ │ ├── llvm_ir_kernel_emitter.cc │ │ ├── llvm_ir_kernel_emitter.h │ │ ├── llvm_ir_kernel_emitter_test.cc │ │ ├── mlir_kernel_emitter.cc │ │ ├── mlir_kernel_emitter.h │ │ └── utilities.py │ ├── tests │ │ ├── BUILD │ │ ├── gemv_test.cc │ │ └── ynn_fusion_test.cc │ ├── transforms │ │ ├── BUILD │ │ ├── collectives │ │ │ ├── BUILD │ │ │ ├── all_reduce_combiner.cc │ │ │ ├── all_reduce_combiner.h │ │ │ └── all_reduce_combiner_test.cc │ │ ├── library_matcher.h │ │ ├── library_rewriter.cc │ │ ├── library_rewriter.h │ │ ├── library_rewriter_test.cc │ │ ├── onednn_matcher.h │ │ ├── xnn_graph_fusion.cc │ │ ├── xnn_graph_fusion.h │ │ ├── xnn_graph_fusion_test.cc │ │ ├── xnn_matcher.h │ │ └── ynn_matcher.h │ ├── xnn_emitter.cc │ ├── xnn_emitter.h │ ├── xnn_fusion_options.proto │ ├── xnn_gemm_config.cc │ ├── xnn_gemm_config.h │ ├── xnn_support.cc │ ├── xnn_support.h │ ├── xnn_support_test.cc │ ├── ynn_emitter.cc │ ├── ynn_emitter.h │ ├── ynn_fusion_options.proto │ ├── ynn_support.cc │ └── ynn_support.h ├── gpu │ ├── BUILD │ ├── autotuner │ │ ├── BUILD │ │ ├── autotuner_main.cc │ │ ├── block_level_emitter.cc │ │ ├── block_level_emitter.h │ │ ├── block_level_emitter_test.cc │ │ ├── cublas.cc │ │ ├── cublas.h │ │ ├── cublas_test.cc │ │ ├── cublaslt.cc │ │ ├── cublaslt.h │ │ ├── cublaslt_test.cc │ │ ├── cudnn.cc │ │ ├── cudnn.h │ │ ├── cudnn_test.cc │ │ ├── custom_kernel.cc │ │ ├── custom_kernel.h │ │ ├── custom_kernel_test.cc │ │ ├── factory.h │ │ ├── factory_cuda.cc │ │ ├── factory_rocm.cc │ │ ├── fission_backend.cc │ │ ├── fission_backend.h │ │ ├── fission_backend_test.cc │ │ ├── gpu_codegen_backend.h │ │ ├── gpu_codegen_backend_test.cc │ │ ├── gpu_profiler.cc │ │ ├── gpu_profiler.h │ │ ├── gpu_profiler_test.cc │ │ ├── legacy_cache.cc │ │ ├── legacy_cache.h │ │ ├── legacy_cache_test.cc │ │ ├── miopen.cc │ │ ├── miopen.h │ │ ├── miopen_test.cc │ │ ├── native_emitter.cc │ │ ├── native_emitter.h │ │ ├── native_emitter_test.cc │ │ ├── triton.cc │ │ ├── triton.h │ │ └── triton_test.cc │ ├── codegen │ │ ├── BUILD │ │ ├── copy.cc │ │ ├── copy.h │ │ ├── copy_test.cc │ │ ├── cudnn.cc │ │ ├── cudnn.h │ │ ├── cudnn_test.cc │ │ ├── custom.cc │ │ ├── custom.h │ │ ├── dynamic_slice_fusion_test.cc │ │ ├── emitters │ │ │ ├── BUILD │ │ │ ├── concatenate.cc │ │ │ ├── concatenate.h │ │ │ ├── emitter_base.cc │ │ │ ├── emitter_base.h │ │ │ ├── emitter_base_test.cc │ │ │ ├── in_place_dynamic_update_slice.cc │ │ │ ├── in_place_dynamic_update_slice.h │ │ │ ├── ir │ │ │ │ ├── BUILD │ │ │ │ ├── tests │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── invalid.mlir │ │ │ │ │ ├── ops.mlir │ │ │ │ │ └── types.mlir │ │ │ │ ├── xla_gpu_attrs.cc │ │ │ │ ├── xla_gpu_attrs.td │ │ │ │ ├── xla_gpu_dialect.cc │ │ │ │ ├── xla_gpu_dialect.td │ │ │ │ ├── xla_gpu_ops.cc │ │ │ │ ├── xla_gpu_ops.h │ │ │ │ ├── xla_gpu_ops.td │ │ │ │ ├── xla_gpu_types.cc │ │ │ │ └── xla_gpu_types.td │ │ │ ├── loop.cc │ │ │ ├── loop.h │ │ │ ├── reduction.cc │ │ │ ├── reduction.h │ │ │ ├── reduction_base.cc │ │ │ ├── reduction_base.h │ │ │ ├── reduction_base_test.cc │ │ │ ├── scatter.cc │ │ │ ├── scatter.h │ │ │ ├── tests │ │ │ │ ├── BUILD │ │ │ │ ├── convert │ │ │ │ │ └── f4e2m1fn_intrinsics.hlo │ │ │ │ ├── reduce_column │ │ │ │ │ ├── horizontal_fusion_two_groups.hlo │ │ │ │ │ ├── mof_heteorgeneous_input_shapes.hlo │ │ │ │ │ ├── odd_sizes.hlo │ │ │ │ │ ├── small.hlo │ │ │ │ │ ├── vectorize_x1_c64.hlo │ │ │ │ │ ├── vectorize_x1_f64.hlo │ │ │ │ │ ├── vectorize_x2_f32.hlo │ │ │ │ │ └── vectorize_x4_s16.hlo │ │ │ │ ├── reduce_column_small │ │ │ │ │ ├── f32_2.hlo │ │ │ │ │ ├── f32_32_v2.hlo │ │ │ │ │ ├── f32_8_v2.hlo │ │ │ │ │ ├── input_layout.hlo │ │ │ │ │ └── s8_f32_32_v4.hlo │ │ │ │ ├── reduce_multirow │ │ │ │ │ ├── f16_v4.hlo │ │ │ │ │ ├── f32_x8.hlo │ │ │ │ │ ├── f32_x8_no_inputs.hlo │ │ │ │ │ ├── maximum_vector_size.hlo │ │ │ │ │ └── pred_mof_x2_v4.hlo │ │ │ │ ├── reduce_row │ │ │ │ │ ├── epilogue.hlo │ │ │ │ │ ├── inefficient_codegen.hlo │ │ │ │ │ ├── large_to_unit.hlo │ │ │ │ │ ├── layout.hlo │ │ │ │ │ ├── minor_and_major.hlo │ │ │ │ │ ├── mof_epilogue.hlo │ │ │ │ │ ├── mof_scalar_variadic.hlo │ │ │ │ │ ├── mof_variadic_variadic.hlo │ │ │ │ │ ├── reduction_groups.hlo │ │ │ │ │ ├── reduction_groups_two_in_same_group.hlo │ │ │ │ │ ├── side_output.hlo │ │ │ │ │ ├── side_output_broadcast.hlo │ │ │ │ │ ├── side_output_s4.hlo │ │ │ │ │ ├── side_output_unsigned.hlo │ │ │ │ │ ├── small_f64.hlo │ │ │ │ │ ├── small_s32.hlo │ │ │ │ │ └── variadic_f32.hlo │ │ │ │ ├── scatter │ │ │ │ │ ├── add.hlo │ │ │ │ │ ├── add_vectorized.hlo │ │ │ │ │ ├── overwrite.hlo │ │ │ │ │ ├── scatter_s4.hlo │ │ │ │ │ ├── scatter_s4_unique_indices.hlo │ │ │ │ │ ├── scatter_s8.hlo │ │ │ │ │ ├── sorted_indices.hlo │ │ │ │ │ ├── sorted_indices_large.hlo │ │ │ │ │ ├── sorted_indices_small.hlo │ │ │ │ │ ├── sorted_unique_indices.hlo │ │ │ │ │ ├── unique_indices.hlo │ │ │ │ │ └── unsigned.hlo │ │ │ │ └── transpose │ │ │ │ │ ├── epilogue.hlo │ │ │ │ │ ├── fused_transpose_021.hlo │ │ │ │ │ ├── fused_transpose_102.hlo │ │ │ │ │ ├── fused_transpose_210.hlo │ │ │ │ │ ├── mixed_indexing.hlo │ │ │ │ │ ├── multiple_roots.hlo │ │ │ │ │ ├── multiple_roots_one_shmem_transpose.hlo │ │ │ │ │ ├── packed_transpose_bf16.hlo │ │ │ │ │ ├── packed_transpose_f16.hlo │ │ │ │ │ ├── packed_transpose_multiple_heroes.hlo │ │ │ │ │ ├── packed_transpose_multiple_roots.hlo │ │ │ │ │ ├── packed_transpose_s16.hlo │ │ │ │ │ ├── packed_transpose_s4.hlo │ │ │ │ │ ├── packed_transpose_s8.hlo │ │ │ │ │ ├── packed_transpose_side_output.hlo │ │ │ │ │ ├── packed_transpose_two_heroes.hlo │ │ │ │ │ ├── partial_tile.hlo │ │ │ │ │ ├── partial_tile_s4.hlo │ │ │ │ │ ├── side_output_and_hero_indexing_match.hlo │ │ │ │ │ ├── side_outputs.hlo │ │ │ │ │ ├── side_outputs_inplace.hlo │ │ │ │ │ ├── transpose_021.hlo │ │ │ │ │ ├── transpose_10.hlo │ │ │ │ │ ├── transpose_102.hlo │ │ │ │ │ ├── transpose_102_s4.hlo │ │ │ │ │ ├── transpose_10_s4.hlo │ │ │ │ │ ├── transpose_1302.hlo │ │ │ │ │ └── transpose_201_simplified_to_021.hlo │ │ │ ├── transforms │ │ │ │ ├── BUILD │ │ │ │ ├── convert_float_amd.cc │ │ │ │ ├── convert_float_nvidia.cc │ │ │ │ ├── convert_index_type.cc │ │ │ │ ├── lower_xla_shared.cc │ │ │ │ ├── optimize_loops.cc │ │ │ │ ├── passes.h │ │ │ │ ├── passes.td │ │ │ │ ├── peel_loops.cc │ │ │ │ ├── recover_exp2.cc │ │ │ │ └── tests │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── convert_float_amd.mlir │ │ │ │ │ ├── convert_float_nvidia.mlir │ │ │ │ │ ├── convert_index_type.mlir │ │ │ │ │ ├── lower_xla_shared.mlir │ │ │ │ │ ├── optimize_loops.mlir │ │ │ │ │ ├── peel_loops.mlir │ │ │ │ │ └── recover_exp2.mlir │ │ │ ├── transpose.cc │ │ │ └── transpose.h │ │ ├── fusion_emitter.cc │ │ ├── fusion_emitter.h │ │ ├── fusions.cc │ │ ├── fusions.h │ │ ├── llvm │ │ │ ├── BUILD │ │ │ ├── llvm_emitter.cc │ │ │ ├── llvm_emitter.h │ │ │ ├── parallel_loop_emitter.cc │ │ │ ├── parallel_loop_emitter.h │ │ │ ├── sort_util.cc │ │ │ └── sort_util.h │ │ ├── tools │ │ │ ├── BUILD │ │ │ ├── fusion_to_mlir.cc │ │ │ ├── fusion_wrapper.cc │ │ │ ├── gpu_test_correctness.cc │ │ │ ├── ncu_rep.py │ │ │ ├── ncu_rep_lib.py │ │ │ ├── ncu_rep_test.py │ │ │ ├── test_lib.cc │ │ │ └── test_lib.h │ │ └── triton │ │ │ ├── BUILD │ │ │ ├── collective_emitter.cc │ │ │ ├── collective_emitter.h │ │ │ ├── collective_emitter_test.cc │ │ │ ├── compilation_pipeline.cc │ │ │ ├── compilation_pipeline.h │ │ │ ├── compilation_pipeline_cuda.cc │ │ │ ├── compilation_pipeline_rocm.cc │ │ │ ├── compilation_pipeline_test.cc │ │ │ ├── dot_algorithms.cc │ │ │ ├── dot_algorithms.h │ │ │ ├── dot_algorithms_test.cc │ │ │ ├── emitter_helpers.cc │ │ │ ├── emitter_helpers.h │ │ │ ├── fusion.cc │ │ │ ├── fusion.h │ │ │ ├── fusion_emitter.cc │ │ │ ├── fusion_emitter.h │ │ │ ├── fusion_emitter_device_test.cc │ │ │ ├── fusion_emitter_deviceless_test.cc │ │ │ ├── fusion_emitter_int4_device_test.cc │ │ │ ├── fusion_emitter_large_test.cc │ │ │ ├── fusion_emitter_parametrized_test.cc │ │ │ ├── fusion_emitter_shared_dialect_test.cc │ │ │ ├── fusion_test.cc │ │ │ ├── ir │ │ │ ├── BUILD │ │ │ ├── tests │ │ │ │ ├── BUILD │ │ │ │ ├── attrs.mlir │ │ │ │ ├── canonicalize.mlir │ │ │ │ ├── invalid.mlir │ │ │ │ └── ops.mlir │ │ │ ├── triton_xla_attrs.cc │ │ │ ├── triton_xla_attrs.td │ │ │ ├── triton_xla_dialect.cc │ │ │ ├── triton_xla_dialect.td │ │ │ ├── triton_xla_ops.cc │ │ │ ├── triton_xla_ops.h │ │ │ └── triton_xla_ops.td │ │ │ ├── lowering_util.cc │ │ │ ├── lowering_util.h │ │ │ ├── lowering_util_test.cc │ │ │ ├── support.cc │ │ │ ├── support.h │ │ │ ├── support_legacy.cc │ │ │ ├── support_legacy.h │ │ │ ├── support_legacy_test.cc │ │ │ ├── support_test.cc │ │ │ ├── test_utils.cc │ │ │ ├── test_utils.h │ │ │ ├── tiled_emitter_constraints.cc │ │ │ ├── tiled_emitter_constraints.h │ │ │ ├── tiled_emitter_constraints_test.cc │ │ │ ├── tma_utils.cc │ │ │ ├── tma_utils.h │ │ │ ├── tma_utils_test.cc │ │ │ ├── transforms │ │ │ ├── BUILD │ │ │ ├── arith_fp8_conversion_to_triton.cc │ │ │ ├── extract_tma_info_pass.cc │ │ │ ├── generalize_kernel_signature.cc │ │ │ ├── int4_passes.cc │ │ │ ├── passes.h │ │ │ ├── passes.td │ │ │ ├── round_f32_to_tf32_for_tf32_dot_pass.cc │ │ │ ├── stablehlo_lower_to_triton.cc │ │ │ ├── tensor_lower_to_triton.cc │ │ │ ├── tests │ │ │ │ ├── BUILD │ │ │ │ ├── arith_fp8_conversion_to_triton.mlir │ │ │ │ ├── extract_tma_info.mlir │ │ │ │ ├── extract_tma_info_invalid.mlir │ │ │ │ ├── fp8_to_llvm_hopper.mlir │ │ │ │ ├── int4_packed_dim.mlir │ │ │ │ ├── optimize_dot_operands.mlir │ │ │ │ ├── stable_hlo_to_triton_lowering.mlir │ │ │ │ ├── tensor_to_triton_lowering.mlir │ │ │ │ ├── triton_pipeline.mlir │ │ │ │ ├── triton_xla_atomic_spin_wait.mlir │ │ │ │ ├── triton_xla_atomic_write.mlir │ │ │ │ ├── triton_xla_block_barrier.mlir │ │ │ │ ├── triton_xla_convert_unsupported_types.mlir │ │ │ │ ├── triton_xla_extract_insert_to_triton.mlir │ │ │ │ ├── triton_xla_fold_transpose.mlir │ │ │ │ ├── triton_xla_get_tid.mlir │ │ │ │ ├── triton_xla_lower_xtile.mlir │ │ │ │ ├── triton_xla_math_to_libdevice.mlir │ │ │ │ ├── triton_xla_remote_access.mlir │ │ │ │ ├── triton_xla_squeeze_dims.mlir │ │ │ │ ├── triton_xla_unswitch_loops.mlir │ │ │ │ └── xtile_to_triton_lowering.mlir │ │ │ ├── triton_xla_convert_unsupported_types.cc │ │ │ ├── triton_xla_extract_insert_to_triton_pass.cc │ │ │ ├── triton_xla_fold_transpose_pass.cc │ │ │ ├── triton_xla_lower_atomics_pass.cc │ │ │ ├── triton_xla_lower_block_barrier_pass.cc │ │ │ ├── triton_xla_lower_get_tid_pass.cc │ │ │ ├── triton_xla_lower_remote_access_pass.cc │ │ │ ├── triton_xla_lower_xtile_pass.cc │ │ │ ├── triton_xla_math_to_libdevice.cc │ │ │ ├── triton_xla_squeeze_dims_pass.cc │ │ │ ├── triton_xla_unswitch_loops_pass.cc │ │ │ └── xtile_lower_to_triton.cc │ │ │ ├── triton_gemm_fusion_test.cc │ │ │ ├── xtile_compiler.cc │ │ │ ├── xtile_compiler.h │ │ │ ├── xtile_compiler_stub.cc │ │ │ └── xtile_compiler_stub_test.cc │ ├── collectives │ │ ├── BUILD │ │ ├── gpu_clique.cc │ │ ├── gpu_clique.h │ │ ├── gpu_clique_key.cc │ │ ├── gpu_clique_key.h │ │ ├── gpu_clique_key_test.cc │ │ ├── gpu_cliques.cc │ │ ├── gpu_cliques.h │ │ ├── gpu_collectives.cc │ │ ├── gpu_collectives.h │ │ ├── gpu_collectives_stub.cc │ │ ├── gpu_collectives_stub.h │ │ ├── gpu_communicator.h │ │ ├── nccl_collectives.cc │ │ ├── nccl_collectives.h │ │ ├── nccl_communicator.cc │ │ ├── nccl_communicator.h │ │ ├── nccl_communicator_test.cc │ │ ├── nccl_errors.cc │ │ ├── nccl_errors.h │ │ ├── nvshmem_collectives.cc │ │ ├── nvshmem_collectives.h │ │ ├── nvshmem_collectives_test.cc │ │ ├── nvshmem_communicator.cc │ │ ├── nvshmem_communicator.h │ │ ├── single_threaded_executor.cc │ │ ├── single_threaded_executor.h │ │ └── single_threaded_executor_test.cc │ ├── ffi.h │ ├── host_offloading │ │ ├── BUILD │ │ ├── gpu_host_offloading_allocator.cc │ │ ├── gpu_host_offloading_allocator.h │ │ └── gpu_host_offloading_allocator_test.cc │ ├── profiler │ │ ├── BUILD │ │ ├── kernel_name_tracer.cc │ │ ├── kernel_name_tracer.h │ │ ├── kernel_name_tracer_cuda.cc │ │ ├── kernel_name_tracer_factory.h │ │ └── kernel_name_tracer_test.cc │ └── runtime │ │ ├── BUILD │ │ ├── all_gather_thunk.cc │ │ ├── all_gather_thunk.h │ │ ├── all_reduce.cc │ │ ├── all_reduce.h │ │ ├── all_reduce_test.cc │ │ ├── all_reduce_thunk.cc │ │ ├── all_reduce_thunk.h │ │ ├── all_to_all_thunk.cc │ │ ├── all_to_all_thunk.h │ │ ├── annotation.cc │ │ ├── annotation.h │ │ ├── buffer_comparator.cc │ │ ├── buffer_comparator.h │ │ ├── buffer_comparator_test.cc │ │ ├── buffer_debug_log.proto │ │ ├── buffer_debug_log_entry_metadata_store.cc │ │ ├── buffer_debug_log_entry_metadata_store.h │ │ ├── buffer_debug_log_entry_metadata_store_test.cc │ │ ├── buffer_debug_log_structs.h │ │ ├── buffers_checksum_thunk.cc │ │ ├── buffers_checksum_thunk.h │ │ ├── buffers_checksum_thunk_test.cc │ │ ├── buffers_float_check_thunk.cc │ │ ├── buffers_float_check_thunk.h │ │ ├── buffers_float_check_thunk_test.cc │ │ ├── collective_broadcast_thunk.cc │ │ ├── collective_broadcast_thunk.h │ │ ├── collective_broadcast_thunk_test.cc │ │ ├── collective_clique_requests.cc │ │ ├── collective_clique_requests.h │ │ ├── collective_clique_requests_test.cc │ │ ├── collective_cliques.cc │ │ ├── collective_cliques.h │ │ ├── collective_execution.cc │ │ ├── collective_execution.h │ │ ├── collective_group_thunk.cc │ │ ├── collective_group_thunk.h │ │ ├── collective_kernel_thunk.cc │ │ ├── collective_kernel_thunk.h │ │ ├── collective_kernel_thunk_test.cc │ │ ├── collective_metadata_thunk.cc │ │ ├── collective_metadata_thunk.h │ │ ├── collective_params.cc │ │ ├── collective_params.h │ │ ├── collective_permute_thunk.cc │ │ ├── collective_permute_thunk.h │ │ ├── collective_permute_thunk_test.cc │ │ ├── collective_thunk.cc │ │ ├── collective_thunk.h │ │ ├── command_buffer_cmd.cc │ │ ├── command_buffer_cmd.h │ │ ├── command_buffer_cmd_emitter.cc │ │ ├── command_buffer_cmd_emitter.h │ │ ├── command_buffer_cmd_test.cc │ │ ├── command_buffer_conversion_pass.cc │ │ ├── command_buffer_conversion_pass.h │ │ ├── command_buffer_conversion_pass_test.cc │ │ ├── command_buffer_thunk.cc │ │ ├── command_buffer_thunk.h │ │ ├── command_buffer_thunk_test.cc │ │ ├── conditional_thunk.cc │ │ ├── conditional_thunk.h │ │ ├── conditional_thunk_test.cc │ │ ├── convolution_filter_thunk.proto │ │ ├── convolution_reorder_thunk.cc │ │ ├── convolution_reorder_thunk.h │ │ ├── convolution_reorder_thunk_test.cc │ │ ├── convolution_thunk.cc │ │ ├── convolution_thunk.h │ │ ├── convolution_thunk_test.cc │ │ ├── copy_thunk.cc │ │ ├── copy_thunk.h │ │ ├── copy_thunk_test.cc │ │ ├── cub_sort_thunk.cc │ │ ├── cub_sort_thunk.h │ │ ├── cub_sort_thunk_test.cc │ │ ├── cuda_command_buffer_thunk_test.cc │ │ ├── cudnn_thunk.cc │ │ ├── cudnn_thunk.h │ │ ├── cudnn_thunk_test.cc │ │ ├── custom_call_target.h │ │ ├── custom_call_thunk.cc │ │ ├── custom_call_thunk.h │ │ ├── custom_call_thunk_test.cc │ │ ├── custom_kernel_thunk.cc │ │ ├── custom_kernel_thunk.h │ │ ├── custom_kernel_thunk_test.cc │ │ ├── dynamic_slice_thunk.cc │ │ ├── dynamic_slice_thunk.h │ │ ├── dynamic_slice_thunk.proto │ │ ├── dynamic_slice_thunk_test.cc │ │ ├── fft_thunk.cc │ │ ├── fft_thunk.h │ │ ├── fft_thunk_test.cc │ │ ├── for_all_thunks_test.cc │ │ ├── gemm_thunk.cc │ │ ├── gemm_thunk.h │ │ ├── gemm_thunk_test.cc │ │ ├── gpublas_lt_matmul_thunk.cc │ │ ├── gpublas_lt_matmul_thunk.h │ │ ├── gpublas_lt_matmul_thunk_test.cc │ │ ├── host_execute_thunk.cc │ │ ├── host_execute_thunk.h │ │ ├── host_execute_thunk_test.cc │ │ ├── host_memory_pool.cc │ │ ├── host_memory_pool.h │ │ ├── host_send_recv_thunk.cc │ │ ├── host_send_recv_thunk.h │ │ ├── infeed_thunk.cc │ │ ├── infeed_thunk.h │ │ ├── infeed_thunk_test.cc │ │ ├── kernel_thunk.cc │ │ ├── kernel_thunk.h │ │ ├── kernel_thunk_test.cc │ │ ├── make_batch_pointers.cc │ │ ├── make_batch_pointers.h │ │ ├── make_batch_pointers_test.cc │ │ ├── memset_thunk.cc │ │ ├── memset_thunk.h │ │ ├── memset_thunk_test.cc │ │ ├── norm_thunk.cc │ │ ├── norm_thunk.h │ │ ├── norm_thunk_test.cc │ │ ├── nvshmem_all_reduce_thunk.cc │ │ ├── nvshmem_all_reduce_thunk.h │ │ ├── nvshmem_collective_permute_thunk.cc │ │ ├── nvshmem_collective_permute_thunk.h │ │ ├── nvshmem_collective_thunk.cc │ │ ├── nvshmem_collective_thunk.h │ │ ├── nvshmem_recv_thunk.cc │ │ ├── nvshmem_recv_thunk.h │ │ ├── nvshmem_send_thunk.cc │ │ ├── nvshmem_send_thunk.h │ │ ├── outfeed_thunk.cc │ │ ├── outfeed_thunk.h │ │ ├── outfeed_thunk_test.cc │ │ ├── p2p_thunk_common.cc │ │ ├── p2p_thunk_common.h │ │ ├── print_buffer_contents.cc │ │ ├── print_buffer_contents.h │ │ ├── print_buffer_contents_test.cc │ │ ├── ragged_all_to_all.cc │ │ ├── ragged_all_to_all.h │ │ ├── ragged_all_to_all_test.cc │ │ ├── ragged_all_to_all_thunk.cc │ │ ├── ragged_all_to_all_thunk.h │ │ ├── recv_thunk.cc │ │ ├── recv_thunk.h │ │ ├── replica_id_thunk.cc │ │ ├── replica_id_thunk.h │ │ ├── replica_id_thunk_test.cc │ │ ├── runtime_intrinsics.cc │ │ ├── runtime_intrinsics.h │ │ ├── runtime_intrinsics_test.cc │ │ ├── select_k_exec.h │ │ ├── select_k_exec_raft.cc │ │ ├── select_k_exec_raft_test.cc │ │ ├── select_k_exec_stub.cc │ │ ├── select_k_thunk.cc │ │ ├── select_k_thunk.h │ │ ├── select_k_thunk_test.cc │ │ ├── send_thunk.cc │ │ ├── send_thunk.h │ │ ├── sequential_thunk.cc │ │ ├── sequential_thunk.h │ │ ├── sequential_thunk_test.cc │ │ ├── shaped_slice.cc │ │ ├── shaped_slice.h │ │ ├── shaped_slice.proto │ │ ├── shaped_slice_test.cc │ │ ├── thunk.cc │ │ ├── thunk.h │ │ ├── thunk.proto │ │ ├── thunk_buffer_debug_checksum.cc │ │ ├── thunk_buffer_debug_checksum.h │ │ ├── thunk_buffer_debug_filter.cc │ │ ├── thunk_buffer_debug_filter.h │ │ ├── thunk_buffer_debug_float_check.cc │ │ ├── thunk_buffer_debug_float_check.h │ │ ├── thunk_buffer_debug_pass.cc │ │ ├── thunk_buffer_debug_pass.h │ │ ├── thunk_buffer_debug_pass_test.cc │ │ ├── thunk_buffer_debug_saver_inserter.cc │ │ ├── thunk_buffer_debug_saver_inserter.h │ │ ├── thunk_id.h │ │ ├── thunk_id_test.cc │ │ ├── thunk_pass_pipeline.cc │ │ ├── thunk_pass_pipeline.h │ │ ├── thunk_pass_pipeline_test.cc │ │ ├── thunk_proto_deserialization.cc │ │ ├── thunk_proto_deserialization.h │ │ ├── thunk_proto_deserialization_test.cc │ │ ├── thunk_test.cc │ │ ├── topk.cc │ │ ├── topk.h │ │ ├── topk_test.cc │ │ ├── triangular_solve_thunk.cc │ │ ├── triangular_solve_thunk.h │ │ ├── triangular_solve_thunk_test.cc │ │ ├── wait_for_streams_thunk.cc │ │ ├── wait_for_streams_thunk.h │ │ ├── wait_for_streams_thunk_test.cc │ │ ├── while_thunk.cc │ │ ├── while_thunk.h │ │ └── while_thunk_test.cc ├── interpreter │ ├── BUILD │ ├── README.md │ ├── compiler.cc │ ├── compiler.h │ ├── executable.cc │ ├── executable.h │ ├── executable_base.cc │ ├── executable_base.h │ ├── executor.cc │ ├── executor.h │ ├── interpreter_transfer_manager.cc │ ├── interpreter_transfer_manager.h │ ├── platform.cc │ ├── platform.h │ ├── platform_id.cc │ └── platform_id.h └── profiler │ ├── BUILD │ ├── cpu │ ├── BUILD │ ├── host_tracer.cc │ ├── host_tracer.h │ ├── host_tracer_factory.cc │ ├── host_tracer_test.cc │ ├── metadata_collector.cc │ ├── metadata_utils.h │ ├── python_tracer.cc │ ├── python_tracer.h │ └── python_tracer_factory.cc │ ├── gpu │ ├── BUILD │ ├── cuda_test.cu.cc │ ├── cuda_test.h │ ├── cuda_version_12000_newer.cc │ ├── cuda_version_12000_older.cc │ ├── cuda_version_12080_newer.cc │ ├── cuda_version_12080_older.cc │ ├── cuda_version_variants.cc │ ├── cuda_version_variants.h │ ├── cuda_version_variants_test.cc │ ├── cupti_buffer_events.cc │ ├── cupti_buffer_events.h │ ├── cupti_buffer_events_test.cc │ ├── cupti_collector.cc │ ├── cupti_collector.h │ ├── cupti_collector_test.cc │ ├── cupti_error_manager.cc │ ├── cupti_error_manager.h │ ├── cupti_error_manager_test.cc │ ├── cupti_interface.h │ ├── cupti_marker_data_parser.cc │ ├── cupti_marker_data_parser.h │ ├── cupti_marker_data_parser_ext.cc │ ├── cupti_nvtx_ext_payload.cc │ ├── cupti_nvtx_ext_payload.h │ ├── cupti_pm_sampler.cc │ ├── cupti_pm_sampler.h │ ├── cupti_pm_sampler_factory.cc │ ├── cupti_pm_sampler_factory.h │ ├── cupti_pm_sampler_impl.cc │ ├── cupti_pm_sampler_impl.h │ ├── cupti_pm_sampler_stub.cc │ ├── cupti_pm_sampler_stub.h │ ├── cupti_profiler.cc │ ├── cupti_profiler.h │ ├── cupti_status.cc │ ├── cupti_status.h │ ├── cupti_tracer.cc │ ├── cupti_tracer.h │ ├── cupti_tracer_options_utils.cc │ ├── cupti_tracer_options_utils.h │ ├── cupti_utils.cc │ ├── cupti_utils.h │ ├── cupti_wrapper.cc │ ├── cupti_wrapper.h │ ├── cupti_wrapper_stub.cc │ ├── device_tracer_cuda.cc │ ├── device_tracer_rocm.cc │ ├── mock_cupti.h │ ├── nvtx_with_cuda_kernels.cu.cc │ ├── nvtx_with_cuda_kernels.h │ ├── nvtx_with_cuda_kernels_test.cc │ ├── ondevice_event_exporter.cc │ ├── ondevice_event_exporter.h │ ├── ondevice_event_exporter_test.cc │ ├── profile_with_cuda_kernels.cu.cc │ ├── profile_with_cuda_kernels.h │ ├── profile_with_cuda_kernels_test.cc │ ├── rocm_collector.cc │ ├── rocm_collector.h │ ├── rocm_collector_test.cc │ ├── rocm_tracer.cc │ ├── rocm_tracer.h │ ├── rocm_tracer_test.cc │ ├── rocm_tracer_utils.cc │ └── rocm_tracer_utils.h │ ├── plugin │ ├── BUILD │ ├── plugin_tracer.cc │ ├── plugin_tracer.h │ ├── plugin_tracer_impl.cc │ ├── plugin_tracer_impl.h │ ├── plugin_tracer_impl_test.cc │ ├── profiler_c_api.h │ ├── profiler_error.cc │ └── profiler_error.h │ ├── subprocess │ ├── BUILD │ ├── subprocess_main.cc │ ├── subprocess_profiling_session.cc │ ├── subprocess_profiling_session.h │ ├── subprocess_profiling_session_test.cc │ ├── subprocess_registry.cc │ ├── subprocess_registry.h │ └── subprocess_registry_test.cc │ └── tpu │ ├── BUILD │ └── tpu_tracer.cc ├── bit_cast.h ├── bit_cast_test.cc ├── c ├── BUILD └── c_api_decl.h ├── client ├── BUILD ├── client.cc ├── client.h ├── client_library.cc ├── client_library.h ├── compile_only_client.cc ├── compile_only_client.h ├── executable_build_options.cc ├── executable_build_options.h ├── executable_build_options_test.cc ├── lib │ ├── BUILD │ ├── testing.cc │ └── testing.h ├── local_client.cc └── local_client.h ├── codegen ├── BUILD ├── device_spec.h ├── emitters │ ├── BUILD │ ├── computation_fingerprint.cc │ ├── computation_fingerprint.h │ ├── computation_partitioner.cc │ ├── computation_partitioner.h │ ├── computation_partitioner_test.cc │ ├── concatenate_kernel_emitter.cc │ ├── concatenate_kernel_emitter.h │ ├── dynamic_update_slice_kernel_emitter.cc │ ├── dynamic_update_slice_kernel_emitter.h │ ├── elemental_hlo_to_mlir.cc │ ├── elemental_hlo_to_mlir.h │ ├── elemental_hlo_to_mlir_test.cc │ ├── fusion_wrapper_base.cc │ ├── fusion_wrapper_base.h │ ├── implicit_arith_op_builder.cc │ ├── implicit_arith_op_builder.h │ ├── ir │ │ ├── BUILD │ │ ├── tests │ │ │ ├── BUILD │ │ │ ├── canonicalize.mlir │ │ │ ├── inlining.mlir │ │ │ ├── invalid.mlir │ │ │ └── ops.mlir │ │ ├── xla_attrs.cc │ │ ├── xla_attrs.td │ │ ├── xla_dialect.cc │ │ ├── xla_dialect.h │ │ ├── xla_dialect.td │ │ ├── xla_ops.cc │ │ ├── xla_ops.h │ │ ├── xla_ops.td │ │ └── xla_ops_test.cc │ ├── kernel_api_builder.cc │ ├── kernel_api_builder.h │ ├── kernel_api_builder_test.cc │ ├── kernel_arguments.cc │ ├── kernel_arguments.h │ ├── kernel_arguments_test.cc │ ├── loop_kernel_emitter.cc │ ├── loop_kernel_emitter.h │ ├── tests │ │ ├── BUILD │ │ ├── concatenate │ │ │ ├── concat_1d.hlo │ │ │ ├── concat_s4.hlo │ │ │ ├── epilogue_bitcast.hlo │ │ │ ├── epilogue_side_param.hlo │ │ │ ├── major_dimension.hlo │ │ │ ├── prologue_epilogue.hlo │ │ │ ├── test_small_dim.hlo │ │ │ └── vectorization.hlo │ │ ├── dynamic_update_slice │ │ │ ├── bitcast.hlo │ │ │ ├── int4.hlo │ │ │ ├── mof.hlo │ │ │ ├── operand_subgraph_two_roots.hlo │ │ │ ├── out_of_bounds.hlo │ │ │ ├── simple.hlo │ │ │ ├── vectorize_x1_too_small.hlo │ │ │ └── vectorize_x4.hlo │ │ └── loop │ │ │ ├── acos_f32.hlo │ │ │ ├── acos_f64.hlo │ │ │ ├── acosh_f32.hlo │ │ │ ├── acosh_f64.hlo │ │ │ ├── asin_f32.hlo │ │ │ ├── asin_f64.hlo │ │ │ ├── asinh_f32.hlo │ │ │ ├── asinh_f64.hlo │ │ │ ├── atanh_f32.hlo │ │ │ ├── atanh_f64.hlo │ │ │ ├── bitcast_add.hlo │ │ │ ├── broadcast.hlo │ │ │ ├── broadcast_constant.hlo │ │ │ ├── broadcast_constant_block_dim_limit.hlo │ │ │ ├── broadcast_constant_s4.hlo │ │ │ ├── broadcast_non_scalar_constant_s4.hlo │ │ │ ├── complex.hlo │ │ │ ├── cosh_f32.hlo │ │ │ ├── cosh_f64.hlo │ │ │ ├── dot_fp8.hlo │ │ │ ├── dus_s64.hlo │ │ │ ├── dynamic_update_slice.hlo │ │ │ ├── gather_start_index_map.hlo │ │ │ ├── iota_copy_bitcast.hlo │ │ │ ├── large_loop_slow_compile_time.hlo │ │ │ ├── minimum_maximum.hlo │ │ │ ├── mof_reshapes.hlo │ │ │ ├── no_duplication.hlo │ │ │ ├── pred_mul.hlo │ │ │ ├── pred_not.hlo │ │ │ ├── s2_to_s8.hlo │ │ │ ├── s8_to_s2.hlo │ │ │ ├── sinh_f32.hlo │ │ │ ├── sinh_f64.hlo │ │ │ ├── tuple_heterogeneous.hlo │ │ │ ├── tuple_nested.hlo │ │ │ ├── two_users.hlo │ │ │ ├── variadic_reduce.hlo │ │ │ ├── vectorize_x1_too_small.hlo │ │ │ └── vectorize_x4.hlo │ ├── transforms │ │ ├── BUILD │ │ ├── atomic_rmw_utils.cc │ │ ├── atomic_rmw_utils.h │ │ ├── convert_pure_call_ops.cc │ │ ├── erase_dead_functions.cc │ │ ├── expand_float_ops.cc │ │ ├── flatten_tensors.cc │ │ ├── lower_tensors.cc │ │ ├── lower_to_llvm.cc │ │ ├── lower_xla_intrinsic_lib.cc │ │ ├── lower_xla_to_scf.cc │ │ ├── merge_pointers_to_same_slice.cc │ │ ├── pass_pipelines.cc │ │ ├── pass_pipelines.h │ │ ├── passes.h │ │ ├── passes.td │ │ ├── propagate_slice_indices.cc │ │ ├── safe_integer_arithmetic.cc │ │ ├── simplify_affine.cc │ │ ├── simplify_arith.cc │ │ ├── tests │ │ │ ├── BUILD │ │ │ ├── convert_pure_calls_ops.mlir │ │ │ ├── expand_float_ops.mlir │ │ │ ├── flatten_tensors.mlir │ │ │ ├── lower_tensors.mlir │ │ │ ├── lower_tensors_cpu.mlir │ │ │ ├── lower_xla_intrinsic_lib.mlir │ │ │ ├── lower_xla_loops_to_scf.mlir │ │ │ ├── lower_xla_to_scf.mlir │ │ │ ├── merge_pointers_to_same_slice.mlir │ │ │ ├── propagate_slice_indices.mlir │ │ │ ├── safe_integer_arithmetic.mlir │ │ │ ├── simplify_affine.mlir │ │ │ ├── simplify_arith.mlir │ │ │ ├── simplify_arith_fast_min_max.mlir │ │ │ ├── unswitch_loops.mlir │ │ │ └── vectorize_loads_stores.mlir │ │ ├── unswitch_loops.cc │ │ └── vectorize_loads_stores.cc │ ├── type_util.cc │ ├── type_util.h │ ├── type_util_test.cc │ ├── utils.cc │ └── utils.h ├── hlo_fusion_spec.h ├── intrinsic │ ├── BUILD │ ├── README.md │ ├── cpp │ │ ├── BUILD │ │ ├── cc_to_llvm_ir.bzl │ │ ├── eigen_unary.cc │ │ ├── eigen_unary.h │ │ ├── eigen_unary_test.cc │ │ ├── tanh.cc │ │ ├── tanh.h │ │ ├── tanh_test.cc │ │ └── vector_ops.h │ ├── erf.cc │ ├── erf.h │ ├── erf_test.cc │ ├── exp.cc │ ├── exp.h │ ├── exp_test.cc │ ├── fptrunc.cc │ ├── fptrunc.h │ ├── fptrunc_test.cc │ ├── intrinsic.h │ ├── intrinsic_compiler_lib.cc │ ├── intrinsic_compiler_lib.h │ ├── intrinsic_compiler_lib_test.cc │ ├── intrinsic_test.cc │ ├── ldexp.cc │ ├── ldexp.h │ ├── ldexp_test.cc │ ├── log1p.cc │ ├── log1p.h │ ├── log1p_test.cc │ ├── rsqrt.cc │ ├── rsqrt.h │ ├── rsqrt_benchmark_test.cc │ ├── rsqrt_test.cc │ ├── simple_jit_runner.cc │ ├── simple_jit_runner.h │ ├── simple_jit_runner_test.cc │ ├── string_interner.h │ ├── tanh.cc │ ├── tanh.h │ ├── tanh_test.cc │ ├── test_matchers.h │ ├── type.cc │ ├── type.h │ ├── type_test.cc │ ├── vec_name_mangler.h │ └── vec_name_mangler_test.cc ├── intrinsic_function.h ├── intrinsic_lib.cc ├── intrinsic_lib.h ├── intrinsic_lib_test.cc ├── ir_emission_utils.cc ├── ir_emission_utils.h ├── ir_emission_utils_test.cc ├── kernel_definition.h ├── kernel_emitter.h ├── kernel_source.h ├── kernel_spec.cc ├── kernel_spec.h ├── llvm_kernel_source.cc ├── llvm_kernel_source.h ├── mlir_kernel_source.cc ├── mlir_kernel_source.h ├── testlib │ ├── BUILD │ ├── README.md │ ├── __init__.py │ ├── kernel_runner.cc │ ├── kernel_runner.h │ ├── kernel_runner_extension.cc │ ├── kernel_runner_test.py │ └── utilities.py ├── tiling │ ├── BUILD │ ├── affine_map_evaluator.cc │ ├── affine_map_evaluator.h │ ├── affine_map_evaluator_test.cc │ ├── constraint_expression.cc │ ├── constraint_expression.h │ ├── constraint_expression_test.cc │ ├── size_and_stride_expression.cc │ ├── size_and_stride_expression.h │ ├── symbolic_tile.cc │ ├── symbolic_tile.h │ ├── symbolic_tile_analysis.cc │ ├── symbolic_tile_analysis.h │ ├── symbolic_tile_analysis_test.cc │ ├── symbolic_tile_test.cc │ ├── symbolic_tiled_hlo_instruction.cc │ ├── symbolic_tiled_hlo_instruction.h │ ├── symbolic_tiled_hlo_instruction_test.cc │ ├── tiled_hlo_computation.cc │ ├── tiled_hlo_computation.h │ ├── tiled_hlo_fusion_instruction.cc │ ├── tiled_hlo_fusion_instruction.h │ ├── tiled_hlo_fusion_instruction_test.cc │ ├── tiled_hlo_instruction.cc │ ├── tiled_hlo_instruction.h │ ├── tiled_hlo_instruction_test.cc │ ├── tiled_hlo_schedule.cc │ ├── tiled_hlo_schedule.h │ ├── tiled_hlo_schedule_test.cc │ ├── tiling_specification.cc │ ├── tiling_specification.h │ └── tiling_specification_test.cc ├── tools │ ├── BUILD │ ├── emitters_opt.cc │ ├── test_lib.cc │ └── test_lib.h ├── trace_pass_instrumentation.cc ├── trace_pass_instrumentation.h └── xtile │ └── ir │ ├── BUILD │ ├── tests │ ├── BUILD │ └── ops.mlir │ ├── transforms │ ├── BUILD │ ├── convert_elementwise_0d_tensor_to_scalar_pass.cc │ ├── passes.h │ ├── passes.td │ ├── tests │ │ ├── BUILD │ │ ├── bufferize.mlir │ │ ├── convert_elementwise_0d_tensor_to_scalar_pass.mlir │ │ └── verify_legal_xtile_ops.mlir │ └── verify_legal_xtile_ops.cc │ ├── xtile_attrs.cc │ ├── xtile_attrs.h │ ├── xtile_attrs.td │ ├── xtile_bufferization.cc │ ├── xtile_dialect.cc │ ├── xtile_dialect.h │ ├── xtile_dialect.td │ ├── xtile_ops.cc │ ├── xtile_ops.h │ └── xtile_ops.td ├── comparison_util.cc ├── comparison_util.h ├── comparison_util_test.cc ├── compiler_macros.h ├── core ├── collectives │ ├── BUILD │ ├── README.md │ ├── clique.cc │ ├── clique.h │ ├── clique_id.cc │ ├── clique_id.h │ ├── clique_key.cc │ ├── clique_key.h │ ├── collectives.cc │ ├── collectives.h │ ├── collectives_registry.cc │ ├── collectives_registry.h │ ├── communicator.h │ ├── rank_id.h │ └── reduction_kind.h └── host_offloading │ ├── BUILD │ ├── README.md │ ├── annotate_host_compute_offload.cc │ ├── annotate_host_compute_offload.h │ ├── annotate_host_compute_offload_test.cc │ ├── hlo_host_device_type_call_wrapper.cc │ ├── hlo_host_device_type_call_wrapper.h │ ├── host_compute_asyncifier.cc │ ├── host_compute_asyncifier.h │ ├── host_offloading_allocator.h │ ├── host_offloading_buffer.h │ ├── host_offloading_executable.h │ ├── host_offloading_executable.proto │ ├── host_offloading_executable_test.cc │ ├── host_offloading_layout_analysis.cc │ ├── host_offloading_layout_analysis.h │ ├── host_offloading_layout_analysis_test.cc │ ├── host_offloading_nanort_executable.cc │ ├── host_offloading_nanort_executable.h │ ├── host_offloading_pjrt_executable.cc │ ├── host_offloading_pjrt_executable.h │ ├── host_offloading_transforms.cc │ ├── host_offloading_transforms.h │ └── host_offloading_transforms_test.cc ├── debug_options_flags.cc ├── debug_options_flags.h ├── debug_options_flags_test.cc ├── debug_options_parsers.cc ├── debug_options_parsers.h ├── debug_options_parsers_test.cc ├── ef57.cc ├── ef57.h ├── ef57_test.cc ├── error ├── BUILD ├── check.h ├── check_test.cc ├── debug_me_context_util.cc ├── debug_me_context_util.h ├── debug_me_context_util_test.cc ├── error_codes.h ├── error_codes_test.cc ├── fatal_error_sink.cc ├── fatal_error_sink.h ├── fatal_error_sink_registration.cc ├── fatal_error_sink_test.cc └── internal │ ├── BUILD │ ├── check_helper.h │ └── check_impl.h ├── error_spec.h ├── examples └── axpy │ ├── BUILD │ ├── README.md │ ├── stablehlo_axpy.mlir │ └── stablehlo_compile_test.cc ├── executable_run_options.cc ├── executable_run_options.h ├── execution_options_util.cc ├── execution_options_util.h ├── experiments ├── BUILD ├── README.md └── sm_bandwidth_benchmark │ ├── BUILD │ ├── sm_bw_kernels.cu.cc │ ├── sm_bw_kernels.h │ ├── sm_bw_test.cc │ └── sm_bw_utils.h ├── ffi ├── BUILD ├── README.md ├── api │ ├── BUILD │ ├── api.h │ ├── c_api.h │ ├── c_api_internal.h │ ├── ffi.h │ └── ffi_test.cc ├── attribute_map.cc ├── attribute_map.h ├── attribute_map.proto ├── attribute_map_test.cc ├── call_frame.cc ├── call_frame.h ├── call_frame_test.cc ├── execution_context.cc ├── execution_context.h ├── execution_context_test.cc ├── execution_state.cc ├── execution_state.h ├── execution_state_test.cc ├── ffi.h ├── ffi_api.cc ├── ffi_api.h ├── ffi_internal_api.cc ├── ffi_internal_api.h ├── ffi_structs.h ├── ffi_test.cc ├── type_registry.cc ├── type_registry.h └── type_registry_test.cc ├── fp_util.h ├── fp_util_test.cc ├── frontend_attributes.cc ├── frontend_attributes.h ├── future.h ├── hlo ├── analysis │ ├── BUILD │ ├── alias_info.cc │ ├── alias_info.h │ ├── hlo_alias_analysis.cc │ ├── hlo_alias_analysis.h │ ├── hlo_alias_analysis_test.cc │ ├── hlo_dataflow_analysis.cc │ ├── hlo_dataflow_analysis.h │ ├── hlo_dataflow_analysis_test.cc │ ├── hlo_dfs_reachability.cc │ ├── hlo_dfs_reachability.h │ ├── hlo_dfs_reachability_test.cc │ ├── hlo_dimension_analysis.cc │ ├── hlo_dimension_analysis.h │ ├── hlo_dimension_analysis_test.cc │ ├── hlo_liveness_analysis.cc │ ├── hlo_liveness_analysis.h │ ├── hlo_liveness_analysis_test.cc │ ├── hlo_operand_index.h │ ├── hlo_ordering.cc │ ├── hlo_ordering.h │ ├── hlo_ordering_test.cc │ ├── hlo_reachability.cc │ ├── hlo_reachability.h │ ├── hlo_reachability_test.cc │ ├── hlo_replication_analysis.cc │ ├── hlo_replication_analysis.h │ ├── hlo_replication_analysis_test.cc │ ├── hlo_value_semantics_analysis.cc │ ├── hlo_value_semantics_analysis.h │ ├── hlo_value_semantics_analysis_test.cc │ ├── indexing_analysis.cc │ ├── indexing_analysis.h │ ├── indexing_analysis_test.cc │ ├── indexing_map.cc │ ├── indexing_map.h │ ├── indexing_map_serialization.cc │ ├── indexing_map_serialization.h │ ├── indexing_map_serialization_test.cc │ ├── indexing_map_test.cc │ ├── indexing_test_utils.cc │ ├── indexing_test_utils.h │ ├── interval.cc │ ├── interval.h │ ├── interval_test.cc │ ├── logical_buffer_analysis.cc │ ├── logical_buffer_analysis.h │ ├── symbolic_expr.cc │ ├── symbolic_expr.h │ ├── symbolic_expr_test.cc │ ├── symbolic_map.cc │ ├── symbolic_map.h │ ├── symbolic_map_converter.cc │ ├── symbolic_map_converter.h │ ├── symbolic_map_converter_test.cc │ ├── symbolic_map_test.cc │ ├── tuple_points_to_analysis.cc │ ├── tuple_points_to_analysis.h │ ├── tuple_points_to_analysis_test.cc │ ├── while_loop_analysis.cc │ ├── while_loop_analysis.h │ └── while_loop_analysis_test.cc ├── builder │ ├── BUILD │ ├── lib │ │ ├── BUILD │ │ ├── approx_topk.cc │ │ ├── approx_topk.h │ │ ├── approx_topk_shape.cc │ │ ├── approx_topk_shape.h │ │ ├── arithmetic.cc │ │ ├── arithmetic.h │ │ ├── arithmetic_test.cc │ │ ├── broadcast.cc │ │ ├── broadcast.h │ │ ├── comparators.cc │ │ ├── comparators.h │ │ ├── comparators_test.cc │ │ ├── constants.cc │ │ ├── constants.h │ │ ├── constants_test.cc │ │ ├── conv_grad_size_util.cc │ │ ├── conv_grad_size_util.h │ │ ├── dynamic_shaped_ops.cc │ │ ├── dynamic_shaped_ops.h │ │ ├── generate_math_impl.py │ │ ├── logdet.cc │ │ ├── logdet.h │ │ ├── logdet_test.cc │ │ ├── loops.cc │ │ ├── loops.h │ │ ├── lu_decomposition.cc │ │ ├── lu_decomposition.h │ │ ├── math.cc │ │ ├── math.h │ │ ├── math_impl.h │ │ ├── math_test.cc │ │ ├── matrix.cc │ │ ├── matrix.h │ │ ├── matrix_test.cc │ │ ├── pooling.cc │ │ ├── pooling.h │ │ ├── pooling_test.cc │ │ ├── prng.cc │ │ ├── prng.h │ │ ├── prng_test.cc │ │ ├── qr.cc │ │ ├── qr.h │ │ ├── qr_test.cc │ │ ├── quantize.h │ │ ├── quantize_test.cc │ │ ├── self_adjoint_eig.cc │ │ ├── self_adjoint_eig.h │ │ ├── self_adjoint_eig_test.cc │ │ ├── slicing.cc │ │ ├── slicing.h │ │ ├── slicing_test.cc │ │ ├── sorting.cc │ │ ├── sorting.h │ │ ├── sorting_test.cc │ │ ├── svd.cc │ │ ├── svd.h │ │ ├── svd_test.cc │ │ ├── tridiagonal.cc │ │ ├── tridiagonal.h │ │ ├── tridiagonal_test.cc │ │ ├── tuple.cc │ │ ├── tuple.h │ │ └── tuple_test.cc │ ├── padding.cc │ ├── padding.h │ ├── padding_test.cc │ ├── sharding_builder.cc │ ├── sharding_builder.h │ ├── tests │ │ ├── BUILD │ │ ├── math_acos.hlo │ │ ├── math_acosh.hlo │ │ ├── math_asin.hlo │ │ ├── math_asinh.hlo │ │ ├── math_atan.hlo │ │ ├── math_cosh.hlo │ │ ├── math_igamma_grad_a.hlo │ │ ├── math_next_after.hlo │ │ ├── math_polygamma.hlo │ │ ├── math_random_gamma_grad.hlo │ │ ├── math_regularized_incomplete_beta.hlo │ │ ├── matrix_einsum.hlo │ │ ├── matrix_get_matrix_diagonal_via_gather.hlo │ │ ├── prng_scramble_philox_key.hlo │ │ └── tridiagonal_tridiagonal_solve.hlo │ ├── value_inference.cc │ ├── value_inference.h │ ├── value_inference_test.cc │ ├── xla_builder.cc │ ├── xla_builder.h │ ├── xla_builder_test.cc │ ├── xla_computation.cc │ └── xla_computation.h ├── evaluator │ ├── BUILD │ ├── caching_hlo_evaluator.cc │ ├── caching_hlo_evaluator.h │ ├── caching_hlo_evaluator_test.cc │ ├── hlo_evaluator.cc │ ├── hlo_evaluator.h │ ├── hlo_evaluator_interface.h │ ├── hlo_evaluator_slow_reduce_window_test.cc │ ├── hlo_evaluator_test.cc │ ├── hlo_evaluator_typed_visitor.h │ ├── hlo_evaluator_typed_visitor_bfloat16.cc │ ├── hlo_evaluator_typed_visitor_bool.cc │ ├── hlo_evaluator_typed_visitor_complex128.cc │ ├── hlo_evaluator_typed_visitor_complex64.cc │ ├── hlo_evaluator_typed_visitor_double.cc │ ├── hlo_evaluator_typed_visitor_float.cc │ ├── hlo_evaluator_typed_visitor_float8.cc │ ├── hlo_evaluator_typed_visitor_half.cc │ ├── hlo_evaluator_typed_visitor_int1.cc │ ├── hlo_evaluator_typed_visitor_int16.cc │ ├── hlo_evaluator_typed_visitor_int2.cc │ ├── hlo_evaluator_typed_visitor_int32.cc │ ├── hlo_evaluator_typed_visitor_int4.cc │ ├── hlo_evaluator_typed_visitor_int64.cc │ ├── hlo_evaluator_typed_visitor_int8.cc │ ├── hlo_evaluator_typed_visitor_mxfloat.cc │ ├── hlo_evaluator_typed_visitor_uint16.cc │ ├── hlo_evaluator_typed_visitor_uint32.cc │ ├── hlo_evaluator_typed_visitor_uint64.cc │ └── hlo_evaluator_typed_visitor_uint8.cc ├── experimental │ └── auto_sharding │ │ ├── BUILD │ │ ├── README.md │ │ ├── auto_sharding.cc │ │ ├── auto_sharding.h │ │ ├── auto_sharding.proto │ │ ├── auto_sharding_cost_graph.cc │ │ ├── auto_sharding_cost_graph.h │ │ ├── auto_sharding_cpsat_for_problem.cc │ │ ├── auto_sharding_cpsat_for_problem_test.cc │ │ ├── auto_sharding_cpsat_for_request.cc │ │ ├── auto_sharding_cpsat_for_request_test.cc │ │ ├── auto_sharding_device_mesh.cc │ │ ├── auto_sharding_device_mesh.h │ │ ├── auto_sharding_dot_handler.cc │ │ ├── auto_sharding_evaluator_for_problem.cc │ │ ├── auto_sharding_evaluator_for_request.cc │ │ ├── auto_sharding_heuristic_for_problem.cc │ │ ├── auto_sharding_impl.cc │ │ ├── auto_sharding_iopddl.cc │ │ ├── auto_sharding_iopddl.h │ │ ├── auto_sharding_memory.cc │ │ ├── auto_sharding_memory.h │ │ ├── auto_sharding_memory_test.cc │ │ ├── auto_sharding_option.cc │ │ ├── auto_sharding_option.h │ │ ├── auto_sharding_python_extension.cc │ │ ├── auto_sharding_python_extension_test.py │ │ ├── auto_sharding_runner.cc │ │ ├── auto_sharding_solver.cc │ │ ├── auto_sharding_solver.h │ │ ├── auto_sharding_solver_impl.cc │ │ ├── auto_sharding_solver_test.cc │ │ ├── auto_sharding_stablehlo_pass.cc │ │ ├── auto_sharding_stablehlo_pass.h │ │ ├── auto_sharding_stablehlo_pass_test.cc │ │ ├── auto_sharding_strategy.cc │ │ ├── auto_sharding_strategy.h │ │ ├── auto_sharding_test.cc │ │ ├── auto_sharding_util.cc │ │ ├── auto_sharding_util.h │ │ ├── auto_sharding_wrapper.h │ │ ├── cluster_environment.cc │ │ ├── cluster_environment.h │ │ ├── iopddl.cc │ │ ├── iopddl.h │ │ ├── iopddl_test.cc │ │ ├── matrix.h │ │ ├── metrics.cc │ │ ├── metrics.h │ │ ├── profiling_result.h │ │ ├── solver.cc │ │ ├── solver.h │ │ ├── stablehlo_utils.cc │ │ ├── stablehlo_utils.h │ │ └── stablehlo_utils_test.cc ├── ir │ ├── BUILD │ ├── backend_config.cc │ ├── backend_config.h │ ├── backend_config_test.cc │ ├── collective_op_group_mode.cc │ ├── collective_op_group_mode.h │ ├── collective_op_group_mode_test.cc │ ├── dfs_hlo_visitor.cc │ ├── dfs_hlo_visitor.h │ ├── dfs_hlo_visitor_test.cc │ ├── dfs_hlo_visitor_with_default.h │ ├── dynamic_parameter_binding.cc │ ├── dynamic_parameter_binding.h │ ├── hlo_casting_utils.h │ ├── hlo_casting_utils_test.cc │ ├── hlo_clone_context.h │ ├── hlo_computation.cc │ ├── hlo_computation.h │ ├── hlo_computation_test.cc │ ├── hlo_domain_metadata.h │ ├── hlo_input_output_alias_config.cc │ ├── hlo_input_output_alias_config.h │ ├── hlo_instruction.cc │ ├── hlo_instruction.h │ ├── hlo_instruction_test.cc │ ├── hlo_instruction_utils.cc │ ├── hlo_instruction_utils.h │ ├── hlo_instruction_utils_test.cc │ ├── hlo_instructions.cc │ ├── hlo_instructions.h │ ├── hlo_module.cc │ ├── hlo_module.h │ ├── hlo_module_group.cc │ ├── hlo_module_group.h │ ├── hlo_module_metadata.cc │ ├── hlo_module_metadata.h │ ├── hlo_module_test.cc │ ├── hlo_op_metadata.cc │ ├── hlo_op_metadata.h │ ├── hlo_opcode.cc │ ├── hlo_opcode.h │ ├── hlo_opcode_test.cc │ ├── hlo_original_value.cc │ ├── hlo_original_value.h │ ├── hlo_original_value_test.cc │ ├── hlo_print_options.h │ ├── hlo_schedule.cc │ ├── hlo_schedule.h │ ├── hlo_sharding.cc │ ├── hlo_sharding.h │ ├── hlo_sharding_metadata.cc │ ├── hlo_sharding_metadata.h │ ├── mesh_and_axis.cc │ ├── mesh_and_axis.h │ ├── mesh_and_axis_test.cc │ ├── named_sharding.h │ ├── named_sharding_test.cc │ ├── ptrvec.h │ ├── ptrvec_test.cc │ ├── replica_group.cc │ ├── replica_group.h │ ├── replica_group_test.cc │ ├── tile_assignment.cc │ ├── tile_assignment.h │ └── tile_assignment_test.cc ├── parser │ ├── BUILD │ ├── hlo_lexer.cc │ ├── hlo_lexer.h │ ├── hlo_lexer_test.cc │ ├── hlo_parser.cc │ ├── hlo_parser.h │ └── hlo_parser_test.cc ├── pass │ ├── BUILD │ ├── README.md │ ├── hlo_pass_fix.h │ ├── hlo_pass_fix_test.cc │ ├── hlo_pass_interface.cc │ ├── hlo_pass_interface.h │ ├── hlo_pass_pipeline.cc │ ├── hlo_pass_pipeline.h │ └── hlo_pass_pipeline_test.cc ├── separate_compilation │ ├── BUILD │ ├── hlo_linking_manifest.h │ ├── hlo_module_linking.cc │ ├── hlo_module_linking.h │ ├── hlo_module_linking_test.cc │ ├── hlo_module_splitting.cc │ ├── hlo_module_splitting.h │ └── hlo_module_splitting_test.cc ├── testlib │ ├── BUILD │ ├── filecheck.cc │ ├── filecheck.h │ ├── hlo_hardware_independent_test_base.cc │ ├── hlo_hardware_independent_test_base.h │ ├── pattern_matcher_gmock.h │ ├── test.h │ ├── test_helpers.h │ ├── verified_hlo_module.cc │ └── verified_hlo_module.h ├── tools │ ├── BUILD │ ├── convert_computation.cc │ ├── generate_hlo_test_checks.py │ ├── hex_floats_to_packed_literal.cc │ ├── hlo_diff │ │ ├── BUILD │ │ ├── graph │ │ │ ├── BUILD │ │ │ ├── analysis │ │ │ │ ├── BUILD │ │ │ │ ├── hlo_value_tracing.cc │ │ │ │ └── hlo_value_tracing.h │ │ │ ├── hlo_gumgraph.cc │ │ │ ├── hlo_gumgraph.h │ │ │ ├── hlo_gumgraph_node.h │ │ │ ├── hlo_gumgraph_test.cc │ │ │ └── utils │ │ │ │ ├── BUILD │ │ │ │ ├── cycle_detector.cc │ │ │ │ ├── cycle_detector.h │ │ │ │ ├── cycle_detector_test.cc │ │ │ │ ├── hlo_gumgraph_bfs.cc │ │ │ │ ├── hlo_gumgraph_bfs.h │ │ │ │ ├── hlo_gumgraph_bfs_test.cc │ │ │ │ ├── hlo_gumgraph_dfs.cc │ │ │ │ ├── hlo_gumgraph_dfs.h │ │ │ │ └── hlo_gumgraph_dfs_test.cc │ │ ├── hlo_diff_eval.cc │ │ ├── hlo_diff_eval.h │ │ ├── hlo_diff_eval_test.cc │ │ ├── hlo_diff_main.cc │ │ ├── hlo_diff_result.cc │ │ ├── hlo_diff_result.h │ │ ├── hlo_diff_result_test.cc │ │ ├── hlo_diff_summary.cc │ │ ├── hlo_diff_summary.h │ │ ├── hlo_diff_summary_test.cc │ │ ├── hlo_gumgraph_diff.cc │ │ ├── hlo_gumgraph_diff.h │ │ ├── hlo_gumgraph_diff_test.cc │ │ ├── hlo_gumgraph_mappings.h │ │ ├── matchers │ │ │ ├── BUILD │ │ │ ├── bipartite_matching.cc │ │ │ ├── bipartite_matching.h │ │ │ ├── bipartite_matching_test.cc │ │ │ ├── bottom_up_matcher.cc │ │ │ ├── bottom_up_matcher.h │ │ │ ├── bottom_up_matcher_test.cc │ │ │ ├── exact_subgraph_matcher.cc │ │ │ ├── exact_subgraph_matcher.h │ │ │ ├── exact_subgraph_matcher_test.cc │ │ │ ├── gumgraph_matcher.h │ │ │ ├── hlo_call_graph_matcher.cc │ │ │ ├── hlo_call_graph_matcher.h │ │ │ ├── hlo_call_graph_matcher_test.cc │ │ │ ├── hlo_computation_graph_matcher.cc │ │ │ ├── hlo_computation_graph_matcher.h │ │ │ ├── hlo_computation_graph_matcher_test.cc │ │ │ ├── manual_matcher.cc │ │ │ ├── manual_matcher.h │ │ │ ├── manual_matcher_test.cc │ │ │ ├── similarity.cc │ │ │ ├── similarity.h │ │ │ ├── similarity_test.cc │ │ │ ├── top_down_matcher.cc │ │ │ ├── top_down_matcher.h │ │ │ └── top_down_matcher_test.cc │ │ ├── proto │ │ │ ├── BUILD │ │ │ └── diff_result.proto │ │ ├── render │ │ │ ├── BUILD │ │ │ ├── graph_url_generator.h │ │ │ ├── hlo_gumgraph_html_renderer.cc │ │ │ ├── hlo_gumgraph_html_renderer.h │ │ │ ├── hlo_gumgraph_html_renderer_test.cc │ │ │ ├── hlo_gumgraph_renderer_util.cc │ │ │ ├── hlo_gumgraph_renderer_util.h │ │ │ ├── hlo_gumgraph_renderer_util_test.cc │ │ │ ├── hlo_gumgraph_text_renderer.cc │ │ │ ├── hlo_gumgraph_text_renderer.h │ │ │ └── op_metric_getter.h │ │ └── utils │ │ │ ├── BUILD │ │ │ ├── bidirectional_map.h │ │ │ ├── connected_components.cc │ │ │ ├── connected_components.h │ │ │ ├── connected_components_test.cc │ │ │ ├── hlo_diff_util.h │ │ │ ├── test_util.cc │ │ │ ├── test_util.h │ │ │ ├── text_diff.cc │ │ │ ├── text_diff.h │ │ │ └── text_diff_test.cc │ ├── hlo_module_metadata_processor.cc │ ├── hlo_opt │ │ ├── BUILD │ │ ├── opt_lib.cc │ │ ├── opt_lib.h │ │ └── opt_main.cc │ ├── hlo_proto_to_json.cc │ ├── hlo_translate.cc │ ├── show_literal.cc │ ├── show_text_literal.cc │ └── tests │ │ ├── BUILD │ │ ├── generate_hlo_test_checks_test.py │ │ ├── generate_hlo_test_checks_test_input.hlo │ │ ├── generate_hlo_test_checks_test_output.hlo │ │ ├── hlo_opt_all_passes_smoke_test.hlo │ │ ├── hlo_opt_debug_options_parse_test.hlo │ │ ├── hlo_opt_dump.hlo │ │ ├── hlo_opt_emit_proto.hlo │ │ ├── hlo_opt_hlo_protobinary.pb │ │ ├── hlo_opt_hlo_protobinary_to_hlotext.hlo │ │ ├── hlo_opt_nonexistent_pass_failure.hlo │ │ ├── hlo_opt_run_multiple_passes.hlo │ │ ├── hlo_opt_run_single_pass.hlo │ │ ├── hlo_opt_test_only_passes.cc │ │ └── hlo_opt_test_only_passes.h ├── transforms │ ├── BUILD │ ├── README.md │ ├── add_original_value.cc │ ├── add_original_value.h │ ├── add_original_value_test.cc │ ├── bfloat16_propagation.cc │ ├── bfloat16_propagation.h │ ├── bfloat16_propagation_test.cc │ ├── call_splitter.cc │ ├── call_splitter.h │ ├── call_splitter_test.cc │ ├── collectives │ │ ├── BUILD │ │ ├── all_gather_broadcast_reorder.cc │ │ ├── all_gather_broadcast_reorder.h │ │ ├── all_gather_broadcast_reorder_test.cc │ │ ├── all_gather_combiner.cc │ │ ├── all_gather_combiner.h │ │ ├── all_gather_combiner_test.cc │ │ ├── all_gather_cse.cc │ │ ├── all_gather_cse.h │ │ ├── all_gather_cse_test.cc │ │ ├── all_gather_remove_degenerate_dims.cc │ │ ├── all_gather_remove_degenerate_dims.h │ │ ├── all_gather_remove_degenerate_dims_test.cc │ │ ├── all_reduce_combiner.cc │ │ ├── all_reduce_combiner.h │ │ ├── all_reduce_combiner_test.cc │ │ ├── all_reduce_contiguous.cc │ │ ├── all_reduce_contiguous.h │ │ ├── all_reduce_contiguous_test.cc │ │ ├── async_collective_creator.cc │ │ ├── async_collective_creator.h │ │ ├── async_collective_creator_test.cc │ │ ├── collective_permute_combiner.cc │ │ ├── collective_permute_combiner.h │ │ ├── collective_permute_combiner_test.cc │ │ ├── collective_quantizer.cc │ │ ├── collective_quantizer.h │ │ ├── collective_quantizer_test.cc │ │ ├── collective_transformation_reorderer.cc │ │ ├── collective_transformation_reorderer.h │ │ ├── collective_transformation_reorderer_test.cc │ │ ├── collectives_schedule_linearizer.cc │ │ ├── collectives_schedule_linearizer.h │ │ ├── collectives_schedule_linearizer_test.cc │ │ ├── convert_async_collectives_to_sync.cc │ │ ├── convert_async_collectives_to_sync.h │ │ ├── convert_async_collectives_to_sync_test.cc │ │ ├── infeed_token_propagation.cc │ │ ├── infeed_token_propagation.h │ │ ├── infeed_token_propagation_test.cc │ │ ├── while_loop_all_reduce_code_motion_setup.cc │ │ ├── while_loop_all_reduce_code_motion_setup.h │ │ └── while_loop_all_reduce_code_motion_setup_test.cc │ ├── convert_memory_placement_to_internal_annotations.cc │ ├── convert_memory_placement_to_internal_annotations.h │ ├── convert_memory_placement_to_internal_annotations_test.cc │ ├── defuser.cc │ ├── defuser.h │ ├── defuser_test.cc │ ├── despecializer.cc │ ├── despecializer.h │ ├── despecializer_test.cc │ ├── expanders │ │ ├── BUILD │ │ ├── bitcast_dtypes_expander.cc │ │ ├── bitcast_dtypes_expander.h │ │ ├── bitcast_dtypes_expander_test.cc │ │ ├── cholesky_expander.cc │ │ ├── cholesky_expander.h │ │ ├── comparison_expander.cc │ │ ├── comparison_expander.h │ │ ├── convolution_4d_expander.cc │ │ ├── convolution_4d_expander.h │ │ ├── convolution_4d_expander_test.cc │ │ ├── convolution_pred_expander.cc │ │ ├── convolution_pred_expander.h │ │ ├── convolution_pred_expander_test.cc │ │ ├── dot_decomposer.cc │ │ ├── dot_decomposer.h │ │ ├── dot_decomposer_test.cc │ │ ├── dynamic_index_splitter.cc │ │ ├── dynamic_index_splitter.h │ │ ├── dynamic_index_splitter_test.cc │ │ ├── eigh_expander.cc │ │ ├── eigh_expander.h │ │ ├── logistic_expander.cc │ │ ├── logistic_expander.h │ │ ├── logistic_expander_test.cc │ │ ├── op_expander_pass.cc │ │ ├── op_expander_pass.h │ │ ├── optimization_barrier_expander.cc │ │ ├── optimization_barrier_expander.h │ │ ├── qr_expander.cc │ │ ├── qr_expander.h │ │ ├── ragged_dot_rewriter.cc │ │ ├── ragged_dot_rewriter.h │ │ ├── ragged_dot_rewriter_test.cc │ │ ├── real_imag_expander.cc │ │ ├── real_imag_expander.h │ │ ├── real_imag_expander_test.cc │ │ ├── reduce_decomposer.cc │ │ ├── reduce_decomposer.h │ │ ├── reduce_decomposer_test.cc │ │ ├── reshape_decomposer.cc │ │ ├── reshape_decomposer.h │ │ ├── reshape_decomposer_test.cc │ │ ├── rng_bit_generator_expander.cc │ │ ├── rng_bit_generator_expander.h │ │ ├── rng_expander.cc │ │ ├── rng_expander.h │ │ ├── stable_sort_expander.cc │ │ ├── stable_sort_expander.h │ │ ├── stable_sort_expander_test.cc │ │ ├── stochastic_convert_decomposer.cc │ │ ├── stochastic_convert_decomposer.h │ │ └── stochastic_convert_decomposer_test.cc │ ├── host_offload_legalize.cc │ ├── host_offload_legalize.h │ ├── host_offload_legalize_test.cc │ ├── host_offloader.cc │ ├── host_offloader.h │ ├── host_offloader_test.cc │ ├── host_offloading_prepare.cc │ ├── host_offloading_prepare.h │ ├── host_offloading_prepare_test.cc │ ├── literal_canonicalizer.cc │ ├── literal_canonicalizer.h │ ├── literal_canonicalizer_test.cc │ ├── memory_space_propagation.cc │ ├── memory_space_propagation.h │ ├── memory_space_propagation_test.cc │ ├── offloaded_instruction_wrapper.cc │ ├── offloaded_instruction_wrapper.h │ ├── operand_upcaster.cc │ ├── operand_upcaster.h │ ├── operand_upcaster_test.cc │ ├── shape_canonicalizer.cc │ ├── shape_canonicalizer.h │ ├── shape_canonicalizer_test.cc │ ├── simplifiers │ │ ├── BUILD │ │ ├── algebraic_simplifier.cc │ │ ├── algebraic_simplifier.h │ │ ├── algebraic_simplifier_test.cc │ │ ├── all_gather_pad_ds_simplifier.cc │ │ ├── all_gather_pad_ds_simplifier.h │ │ ├── all_gather_pad_ds_simplifier_test.cc │ │ ├── all_gather_permuted_ds_simplifier.cc │ │ ├── all_gather_permuted_ds_simplifier.h │ │ ├── all_gather_permuted_ds_simplifier_test.cc │ │ ├── all_reduce_folder.cc │ │ ├── all_reduce_folder.h │ │ ├── all_reduce_folder_test.cc │ │ ├── ar_crs_combiner.cc │ │ ├── ar_crs_combiner.h │ │ ├── ar_crs_combiner_test.cc │ │ ├── batch_dot_simplification.cc │ │ ├── batch_dot_simplification.h │ │ ├── batch_dot_simplification_test.cc │ │ ├── bfloat16_conversion_folding.cc │ │ ├── bfloat16_conversion_folding.h │ │ ├── bfloat16_conversion_folding_test.cc │ │ ├── broadcast_canonicalizer.cc │ │ ├── broadcast_canonicalizer.h │ │ ├── broadcast_canonicalizer_test.cc │ │ ├── call_parameter_cleanup.cc │ │ ├── call_parameter_cleanup.h │ │ ├── call_parameter_cleanup_test.cc │ │ ├── computation_canonicalizers.cc │ │ ├── computation_canonicalizers.h │ │ ├── computation_canonicalizers_test.cc │ │ ├── conditional_canonicalizer.cc │ │ ├── conditional_canonicalizer.h │ │ ├── conditional_canonicalizer_test.cc │ │ ├── constant_deferring.cc │ │ ├── constant_deferring.h │ │ ├── constant_deferring_test.cc │ │ ├── convert_mover.cc │ │ ├── convert_mover.h │ │ ├── convert_mover_test.cc │ │ ├── convert_operand_folder.cc │ │ ├── convert_operand_folder.h │ │ ├── convert_operand_folder_test.cc │ │ ├── convolution_group_converter.cc │ │ ├── convolution_group_converter.h │ │ ├── convolution_group_converter_test.cc │ │ ├── dot_dimension_merger.cc │ │ ├── dot_dimension_merger.h │ │ ├── dot_dimension_merger_test.cc │ │ ├── dot_merger.cc │ │ ├── dot_merger.h │ │ ├── dot_merger_test.cc │ │ ├── dynamic_dimension_simplifier.cc │ │ ├── dynamic_dimension_simplifier.h │ │ ├── dynamic_dimension_simplifier_test.cc │ │ ├── flatten_call_graph.cc │ │ ├── flatten_call_graph.h │ │ ├── flatten_call_graph_test.cc │ │ ├── float_normalization.cc │ │ ├── float_normalization.h │ │ ├── float_normalization_test.cc │ │ ├── fusion_constant_sinking.cc │ │ ├── fusion_constant_sinking.h │ │ ├── fusion_constant_sinking_test.cc │ │ ├── gather_simplifier.cc │ │ ├── gather_simplifier.h │ │ ├── gather_simplifier_test.cc │ │ ├── hlo_computation_deduplicator.cc │ │ ├── hlo_computation_deduplicator.h │ │ ├── hlo_computation_deduplicator_test.cc │ │ ├── hlo_constant_folding.cc │ │ ├── hlo_constant_folding.h │ │ ├── hlo_constant_folding_peak_heap_test.cc │ │ ├── hlo_constant_folding_test.cc │ │ ├── hlo_constant_splitter.cc │ │ ├── hlo_constant_splitter.h │ │ ├── hlo_constant_splitter_test.cc │ │ ├── hlo_dce.cc │ │ ├── hlo_dce.h │ │ ├── hlo_dce_test.cc │ │ ├── hlo_element_type_converter.cc │ │ ├── hlo_element_type_converter.h │ │ ├── hlo_element_type_converter_test.cc │ │ ├── hlo_memory_scheduler.cc │ │ ├── hlo_memory_scheduler.h │ │ ├── hlo_memory_scheduler_test.cc │ │ ├── hlo_rematerialization.cc │ │ ├── hlo_rematerialization.h │ │ ├── hlo_rematerialization_data_structures.cc │ │ ├── hlo_rematerialization_data_structures.h │ │ ├── hlo_rematerialization_test.cc │ │ ├── hlo_rematerialization_test_utils.h │ │ ├── hlo_rematerialization_test_utils_test.cc │ │ ├── host_memory_transfer_asyncifier.cc │ │ ├── host_memory_transfer_asyncifier.h │ │ ├── host_memory_transfer_asyncifier_test.cc │ │ ├── instruction_hoister.cc │ │ ├── instruction_hoister.h │ │ ├── optimize_input_output_buffer_alias.cc │ │ ├── optimize_input_output_buffer_alias.h │ │ ├── optimize_input_output_buffer_alias_test.cc │ │ ├── reduce_window_resizer.cc │ │ ├── reduce_window_resizer.h │ │ ├── reduce_window_rewriter.cc │ │ ├── reduce_window_rewriter.h │ │ ├── reduce_window_rewriter_test.cc │ │ ├── reduce_window_util.cc │ │ ├── reduce_window_util.h │ │ ├── reshape_mover.cc │ │ ├── reshape_mover.h │ │ ├── reshape_mover_test.cc │ │ ├── result_caster.cc │ │ ├── result_caster.h │ │ ├── result_caster_test.cc │ │ ├── root_instruction_sinker.cc │ │ ├── root_instruction_sinker.h │ │ ├── root_instruction_sinker_test.cc │ │ ├── simplify_fp_conversions.cc │ │ ├── simplify_fp_conversions.h │ │ ├── simplify_fp_conversions_test.cc │ │ ├── slice_hoister.cc │ │ ├── slice_hoister.h │ │ ├── slice_hoister_test.cc │ │ ├── slice_sinker.cc │ │ ├── slice_sinker.h │ │ ├── slice_sinker_test.cc │ │ ├── sort_simplifier.cc │ │ ├── sort_simplifier.h │ │ ├── sort_simplifier_test.cc │ │ ├── sub_byte_collective_normalization.cc │ │ ├── sub_byte_collective_normalization.h │ │ ├── sub_byte_collective_normalization_test.cc │ │ ├── sub_byte_normalization.cc │ │ ├── sub_byte_normalization.h │ │ ├── tree_reduction_rewriter.cc │ │ ├── tree_reduction_rewriter.h │ │ ├── tuple_simplifier.cc │ │ ├── tuple_simplifier.h │ │ ├── tuple_simplifier_test.cc │ │ ├── unflatten_call_graph.cc │ │ ├── unflatten_call_graph.h │ │ ├── unflatten_call_graph_test.cc │ │ ├── zero_sized_hlo_elimination.cc │ │ ├── zero_sized_hlo_elimination.h │ │ └── zero_sized_hlo_elimination_test.cc │ ├── tests │ │ ├── BUILD │ │ ├── algebraic_simplifier.hlo │ │ ├── cholesky_expander.hlo │ │ ├── operand_upcaster.hlo │ │ ├── optimization_barrier_expander.hlo │ │ ├── rewrite_bf16_conv_to_onednn.hlo │ │ ├── rng_bit_generator_expander.hlo │ │ └── rng_expander.hlo │ ├── while_loop_trip_count_annotator.cc │ ├── while_loop_trip_count_annotator.h │ └── while_loop_trip_count_annotator_test.cc ├── translate │ ├── BUILD │ ├── hlo_to_mhlo │ │ ├── BUILD │ │ ├── async_importer.cc │ │ ├── async_importer.h │ │ ├── attribute_importer.cc │ │ ├── attribute_importer.h │ │ ├── custom_call_importer.cc │ │ ├── custom_call_importer.h │ │ ├── hlo_function_importer.cc │ │ ├── hlo_function_importer.h │ │ ├── hlo_module_importer.cc │ │ ├── hlo_module_importer.h │ │ ├── hlo_to_mlir_hlo.cc │ │ ├── hlo_to_mlir_hlo.h │ │ ├── hlo_utils.cc │ │ ├── hlo_utils.h │ │ ├── hlo_utils_test.cc │ │ ├── location_importer.cc │ │ ├── location_importer.h │ │ ├── module_attributes_importer.cc │ │ ├── module_attributes_importer.h │ │ ├── stack_location_utils.cc │ │ ├── stack_location_utils.h │ │ ├── tests │ │ │ ├── BUILD │ │ │ ├── attributes.hlo │ │ │ ├── auto_layout.hlo │ │ │ ├── bool_compare.hlo │ │ │ ├── call.hlo │ │ │ ├── case_conditional.hlo │ │ │ ├── composite_call.hlo │ │ │ ├── custom_call.hlo │ │ │ ├── dynamic_param.hlo │ │ │ ├── frontend_attributes.hlo │ │ │ ├── fully_connected_reference_model.hlo │ │ │ ├── fusion.hlo │ │ │ ├── if_conditional.hlo │ │ │ ├── import.hlo │ │ │ ├── import_async.hlo │ │ │ ├── import_bounded_dynamism.hlo │ │ │ ├── import_bounded_dynamism_stablehlo.mlir │ │ │ ├── import_emit_stablehlo.hlo │ │ │ ├── import_entry_computation_layout.hlo │ │ │ ├── import_locs.hlo │ │ │ ├── layouts_and_names.hlo │ │ │ ├── location.hlo │ │ │ ├── module_attributes.hlo │ │ │ ├── module_config.hlo │ │ │ ├── operand_convert_for_convolution.hlo │ │ │ ├── ragged_dot.hlo │ │ │ ├── result_accuracy.hlo │ │ │ ├── simple.hlo │ │ │ ├── spmd_module_sharding.hlo │ │ │ ├── stablehlo.hlo │ │ │ ├── stacktrace_to_location.hlo │ │ │ ├── types.hlo │ │ │ └── while.hlo │ │ ├── translate.cc │ │ ├── translate.h │ │ └── translate_registration.cc │ ├── mhlo_to_hlo │ │ ├── BUILD │ │ ├── attribute_exporter.cc │ │ ├── attribute_exporter.h │ │ ├── attribute_exporter_test.cc │ │ ├── gen_hlo_op_writer.cc │ │ ├── gen_hlo_op_writer.td │ │ ├── layout_util.cc │ │ ├── layout_util.h │ │ ├── literal_exporter.cc │ │ ├── literal_exporter.h │ │ ├── location_exporter.cc │ │ ├── location_exporter.h │ │ ├── mlir_hlo_to_hlo.cc │ │ ├── mlir_hlo_to_hlo.h │ │ ├── mlir_hlo_to_hlo_test.cc │ │ ├── module_attributes_exporter.cc │ │ ├── module_attributes_exporter.h │ │ ├── stack_frame_index_builder.cc │ │ ├── stack_frame_index_builder.h │ │ ├── tests │ │ │ ├── BUILD │ │ │ ├── acos.mlir │ │ │ ├── acosh.mlir │ │ │ ├── add.mlir │ │ │ ├── asin.mlir │ │ │ ├── asinh.mlir │ │ │ ├── atanh.mlir │ │ │ ├── attributes.mlir │ │ │ ├── call.mlir │ │ │ ├── case.mlir │ │ │ ├── composite.mlir │ │ │ ├── cosh.mlir │ │ │ ├── dynamic.mlir │ │ │ ├── export-with-layouts.mlir │ │ │ ├── export.mlir │ │ │ ├── export_and_check_layouts.mlir │ │ │ ├── export_async.mlir │ │ │ ├── export_bounded_dynamism.mlir │ │ │ ├── export_entry_computation_layout.mlir │ │ │ ├── export_large_constants.mlir │ │ │ ├── export_replicas.mlir │ │ │ ├── export_tuple_args_parameter_replication.mlir │ │ │ ├── frontend_attributes.mlir │ │ │ ├── function.mlir │ │ │ ├── fusion.mlir │ │ │ ├── if.mlir │ │ │ ├── input_output_aliasing.mlir │ │ │ ├── int4.mlir │ │ │ ├── layouts_and_names.mlir │ │ │ ├── location_to_op_metadata.mlir │ │ │ ├── location_to_stacktrace.mlir │ │ │ ├── missing_main.mlir │ │ │ ├── module_attributes.mlir │ │ │ ├── module_config.mlir │ │ │ ├── multiple_return_tuple.mlir │ │ │ ├── opaque_elements_attr.mlir │ │ │ ├── ragged_dot.mlir │ │ │ ├── rng_get_and_update_state.mlir │ │ │ ├── sharding.mlir │ │ │ ├── shardy.mlir │ │ │ ├── simple.mlir │ │ │ ├── sinh.mlir │ │ │ ├── unsupported_type.mlir │ │ │ ├── while.mlir │ │ │ └── while_free_vars.mlir │ │ ├── translate.cc │ │ ├── translate.h │ │ ├── translate_registration.cc │ │ ├── translate_registration.h │ │ ├── type_to_shape.cc │ │ ├── type_to_shape.h │ │ └── type_to_shape_test.cc │ ├── portable_api.cc │ ├── portable_api.h │ ├── register.cc │ ├── register.h │ ├── stablehlo.cc │ ├── stablehlo.h │ ├── stablehlo_to_hlo │ │ ├── BUILD │ │ ├── tests │ │ │ ├── BUILD │ │ │ └── simple.mlir │ │ ├── translate.cc │ │ ├── translate.h │ │ └── translate_registration.cc │ ├── tests │ │ ├── BUILD │ │ ├── chlo.mlir │ │ ├── emit_mhlo.hlo │ │ ├── emit_proto.mlir │ │ ├── print_large_constants.mlir │ │ ├── print_layouts.mlir │ │ ├── simple.hlo │ │ ├── simple.mlir │ │ ├── stablehlo.mlir │ │ ├── stablehlo_invalid.mlir │ │ ├── stablehlo_prepare_for_export.mlir │ │ ├── stablehlo_unary_elementwise.mlir │ │ ├── stablehlo_while.mlir │ │ ├── stablehlo_while_free_vars.mlir │ │ ├── vhlo_input.mlir │ │ └── vhlo_input.mlir.bc │ ├── xla_translate_main.cc │ └── xla_translate_opt_main.cc └── utils │ ├── BUILD │ ├── concurrency │ ├── BUILD │ ├── concurrency_utils.h │ ├── concurrency_utils_test.cc │ ├── tsl_task_executor.cc │ ├── tsl_task_executor.h │ ├── tsl_task_executor_test.cc │ ├── type_adapters.h │ └── type_adapters_test.cc │ ├── hlo_container_util.h │ ├── hlo_live_range.cc │ ├── hlo_live_range.h │ ├── hlo_live_range_test.cc │ ├── hlo_longest_prefix.cc │ ├── hlo_longest_prefix.h │ ├── hlo_longest_prefix_test.cc │ ├── hlo_matchers.cc │ ├── hlo_matchers.h │ ├── hlo_matchers_test.cc │ ├── hlo_query.cc │ ├── hlo_query.h │ ├── hlo_query_test.cc │ ├── hlo_sharding_util.cc │ ├── hlo_sharding_util.h │ ├── hlo_sharding_util_test.cc │ ├── hlo_stack_trace.cc │ ├── hlo_stack_trace.h │ ├── hlo_stack_trace_test.cc │ ├── hlo_traversal.cc │ ├── hlo_traversal.h │ ├── hlo_traversal_test.cc │ └── pointer_utils.h ├── index_util.cc ├── index_util.h ├── index_util_test.cc ├── internal ├── BUILD ├── README └── package_groups.bzl ├── iterator_util.h ├── iterator_util_test.cc ├── layout.cc ├── layout.h ├── layout_test.cc ├── layout_util.cc ├── layout_util.h ├── layout_util_test.cc ├── lazy.h ├── lit.bzl ├── lit.cfg.py ├── literal.cc ├── literal.h ├── literal_comparison.cc ├── literal_comparison.h ├── literal_comparison_test.cc ├── literal_pool.cc ├── literal_pool.h ├── literal_pool_test.cc ├── literal_test.cc ├── literal_util.cc ├── literal_util.h ├── map_util.h ├── maybe_owning.h ├── metric_table_report.cc ├── metric_table_report.h ├── mlir ├── framework │ ├── ir │ │ ├── BUILD │ │ ├── xla_framework.cc │ │ ├── xla_framework.h │ │ └── xla_framework_ops.td │ ├── tests │ │ ├── BUILD │ │ ├── legalize-xla-framework.mlir │ │ ├── outline-with-xla-framework.mlir │ │ └── xla-framework.mlir │ └── transforms │ │ ├── BUILD │ │ ├── outline_with_xla_framework.cc │ │ ├── passes.h │ │ ├── passes.td │ │ └── xla_framework_to_llvm_pass.cc ├── tools │ ├── mlir_bisect │ │ ├── BUILD │ │ ├── README.md │ │ ├── bisect_lib.cc │ │ ├── bisect_lib.h │ │ ├── mlir_bisect.cc │ │ ├── rewrites │ │ │ ├── BUILD │ │ │ ├── func.cc │ │ │ ├── general.cc │ │ │ ├── scf.cc │ │ │ └── tests │ │ │ │ ├── BUILD │ │ │ │ ├── erase-op-without-results.mlir │ │ │ │ ├── inline-scf-while.mlir │ │ │ │ ├── reduce-scf-forall-bounds.mlir │ │ │ │ ├── replace-op-with-constant.mlir │ │ │ │ ├── replace-op-with-value.mlir │ │ │ │ ├── replace-operand-with-constant.mlir │ │ │ │ ├── return-operands-of-terminator-operands.mlir │ │ │ │ └── truncate-function.mlir │ │ ├── test_passes.cc │ │ ├── test_passes.h │ │ └── tests │ │ │ ├── BUILD │ │ │ ├── bisect.mlir │ │ │ ├── no-bug.mlir │ │ │ ├── snapshot.mlir │ │ │ └── snapshot.mlir.pb │ ├── mlir_interpreter │ │ ├── BUILD │ │ ├── README.md │ │ ├── dialects │ │ │ ├── BUILD │ │ │ ├── affine.cc │ │ │ ├── arith.cc │ │ │ ├── bufferization.cc │ │ │ ├── builtin.cc │ │ │ ├── comparators.h │ │ │ ├── complex.cc │ │ │ ├── cwise_math.h │ │ │ ├── func.cc │ │ │ ├── linalg.cc │ │ │ ├── math.cc │ │ │ ├── memref.cc │ │ │ ├── mhlo.cc │ │ │ ├── mhlo_binary_cwise.cc │ │ │ ├── mhlo_unary_cwise.cc │ │ │ ├── scf.cc │ │ │ ├── symbol_finder.h │ │ │ ├── symbol_finder_linux.cc │ │ │ ├── symbol_finder_test.cc │ │ │ ├── symbol_finder_windows.cc │ │ │ ├── tensor.cc │ │ │ ├── tests │ │ │ │ ├── BUILD │ │ │ │ ├── affine │ │ │ │ │ ├── apply.mlir │ │ │ │ │ └── minmax.mlir │ │ │ │ ├── arith │ │ │ │ │ ├── bitcast.mlir │ │ │ │ │ ├── cmpf.mlir │ │ │ │ │ ├── cmpi.mlir │ │ │ │ │ ├── constant.mlir │ │ │ │ │ ├── extf.mlir │ │ │ │ │ ├── fptosi.mlir │ │ │ │ │ ├── index_cast.mlir │ │ │ │ │ ├── int_math.mlir │ │ │ │ │ ├── minmax.mlir │ │ │ │ │ ├── negf.mlir │ │ │ │ │ ├── remf.mlir │ │ │ │ │ ├── select.mlir │ │ │ │ │ ├── sitofp.mlir │ │ │ │ │ ├── uitofp.mlir │ │ │ │ │ └── vector_math.mlir │ │ │ │ ├── bufferization │ │ │ │ │ ├── alloc_tensor.mlir │ │ │ │ │ ├── clone.mlir │ │ │ │ │ ├── to_memref.mlir │ │ │ │ │ └── to_tensor.mlir │ │ │ │ ├── builtin │ │ │ │ │ └── unrealized_conversion_cast.mlir │ │ │ │ ├── complex │ │ │ │ │ └── complex.mlir │ │ │ │ ├── func │ │ │ │ │ └── call.mlir │ │ │ │ ├── linalg │ │ │ │ │ ├── broadcast.mlir │ │ │ │ │ ├── dot.mlir │ │ │ │ │ ├── fill.mlir │ │ │ │ │ ├── generic.mlir │ │ │ │ │ ├── map.mlir │ │ │ │ │ ├── matmul.mlir │ │ │ │ │ ├── reduce.mlir │ │ │ │ │ ├── transpose.mlir │ │ │ │ │ └── vecmat.mlir │ │ │ │ ├── math │ │ │ │ │ └── math.mlir │ │ │ │ ├── memref │ │ │ │ │ ├── alloc.mlir │ │ │ │ │ ├── collapse_shape.mlir │ │ │ │ │ ├── copy.mlir │ │ │ │ │ ├── dim.mlir │ │ │ │ │ ├── expand_shape.mlir │ │ │ │ │ ├── get_global.mlir │ │ │ │ │ ├── invalid.mlir │ │ │ │ │ ├── load.mlir │ │ │ │ │ └── subview.mlir │ │ │ │ ├── mhlo │ │ │ │ │ ├── bitcast_convert.mlir │ │ │ │ │ ├── broadcast_in_dim.mlir │ │ │ │ │ ├── case.mlir │ │ │ │ │ ├── clamp.mlir │ │ │ │ │ ├── compare.mlir │ │ │ │ │ ├── complex_math.mlir │ │ │ │ │ ├── concatenate.mlir │ │ │ │ │ ├── constant.mlir │ │ │ │ │ ├── convert.mlir │ │ │ │ │ ├── dot.mlir │ │ │ │ │ ├── dot_general.mlir │ │ │ │ │ ├── dynamic_slice.mlir │ │ │ │ │ ├── dynamic_update_slice.mlir │ │ │ │ │ ├── float_math.mlir │ │ │ │ │ ├── gather.mlir │ │ │ │ │ ├── int_math.mlir │ │ │ │ │ ├── iota.mlir │ │ │ │ │ ├── pad.mlir │ │ │ │ │ ├── reduce.mlir │ │ │ │ │ ├── reshape.mlir │ │ │ │ │ ├── scatter.mlir │ │ │ │ │ ├── select.mlir │ │ │ │ │ ├── slice.mlir │ │ │ │ │ ├── sort.mlir │ │ │ │ │ ├── subtract.mlir │ │ │ │ │ ├── transpose.mlir │ │ │ │ │ ├── tuple.mlir │ │ │ │ │ └── while.mlir │ │ │ │ ├── scf │ │ │ │ │ ├── for.mlir │ │ │ │ │ ├── forall.mlir │ │ │ │ │ ├── if.mlir │ │ │ │ │ ├── parallel.mlir │ │ │ │ │ └── while.mlir │ │ │ │ ├── tensor │ │ │ │ │ ├── collapse_shape.mlir │ │ │ │ │ ├── dim.mlir │ │ │ │ │ ├── empty.mlir │ │ │ │ │ ├── expand_shape.mlir │ │ │ │ │ ├── extract.mlir │ │ │ │ │ ├── extract_slice.mlir │ │ │ │ │ ├── from_elements.mlir │ │ │ │ │ ├── generate.mlir │ │ │ │ │ ├── insert.mlir │ │ │ │ │ ├── insert_slice.mlir │ │ │ │ │ └── pad.mlir │ │ │ │ └── vector │ │ │ │ │ ├── bitcast.mlir │ │ │ │ │ ├── broadcast.mlir │ │ │ │ │ ├── compressstore.mlir │ │ │ │ │ ├── constant_mask.mlir │ │ │ │ │ ├── contract.mlir │ │ │ │ │ ├── create_mask.mlir │ │ │ │ │ ├── expandload.mlir │ │ │ │ │ ├── extract.mlir │ │ │ │ │ ├── extract_strided_slice.mlir │ │ │ │ │ ├── fma.mlir │ │ │ │ │ ├── gather.mlir │ │ │ │ │ ├── insert.mlir │ │ │ │ │ ├── insert_strided_slice.mlir │ │ │ │ │ ├── invalid.mlir │ │ │ │ │ ├── load.mlir │ │ │ │ │ ├── maskedload.mlir │ │ │ │ │ ├── maskedstore.mlir │ │ │ │ │ ├── multi_reduction.mlir │ │ │ │ │ ├── outerproduct.mlir │ │ │ │ │ ├── reduction.mlir │ │ │ │ │ ├── shape_cast.mlir │ │ │ │ │ ├── shuffle.mlir │ │ │ │ │ ├── store.mlir │ │ │ │ │ ├── transfer_read.mlir │ │ │ │ │ ├── transfer_write.mlir │ │ │ │ │ ├── transpose.mlir │ │ │ │ │ ├── type_cast.mlir │ │ │ │ │ └── vscale.mlir │ │ │ ├── util.cc │ │ │ ├── util.h │ │ │ └── vector.cc │ │ ├── framework │ │ │ ├── BUILD │ │ │ ├── interpreter.cc │ │ │ ├── interpreter.h │ │ │ ├── interpreter_value.cc │ │ │ ├── interpreter_value.h │ │ │ ├── interpreter_value_util.h │ │ │ ├── registration.cc │ │ │ ├── registration.h │ │ │ ├── tensor_or_memref.cc │ │ │ ├── tensor_or_memref.h │ │ │ └── tests │ │ │ │ ├── BUILD │ │ │ │ ├── interpreter_value_test.cc │ │ │ │ └── tensor_or_memref_test.cc │ │ └── mlir_interpreter_runner.cc │ └── mlir_replay │ │ ├── BUILD │ │ ├── README.md │ │ ├── mlir_replay.cc │ │ ├── mlir_replay_lib.cc │ │ ├── mlir_replay_lib.h │ │ └── public │ │ ├── BUILD │ │ ├── compiler_trace.proto │ │ ├── compiler_trace_instrumentation.cc │ │ ├── compiler_trace_instrumentation.h │ │ ├── execution_trace.proto │ │ ├── execution_trace_utils.cc │ │ ├── execution_trace_utils.h │ │ └── execution_trace_utils_test.cc └── utils │ ├── BUILD │ ├── error_util.cc │ ├── error_util.h │ ├── error_util_test.cc │ ├── type_util.cc │ ├── type_util.h │ └── type_util_test.cc ├── mlir_hlo ├── .bazelignore ├── .bazelrc ├── .clang-format ├── .clang-tidy ├── .gitignore ├── BUILD ├── CMakeLists.txt ├── README.md ├── WORKSPACE ├── bindings │ ├── CMakeLists.txt │ ├── c │ │ ├── Attributes.cc │ │ ├── Attributes.h │ │ ├── CMakeLists.txt │ │ ├── Dialects.cc │ │ ├── Dialects.h │ │ ├── Passes.cc │ │ ├── Passes.h │ │ ├── Types.cc │ │ └── Types.h │ └── python │ │ ├── CMakeLists.txt │ │ ├── MlirHloModule.cc │ │ └── mlir │ │ └── dialects │ │ ├── MhloOps.td │ │ └── mhlo.py ├── build_tools │ ├── build_mlir.sh │ └── llvm_version.txt ├── cmake │ └── modules │ │ ├── CMakeLists.txt │ │ └── MHLOConfig.cmake.in ├── deallocation │ ├── CMakeLists.txt │ ├── transforms │ │ ├── CMakeLists.txt │ │ ├── buffer_deallocation.cc │ │ ├── buffer_reuse.cc │ │ ├── passes.h │ │ └── passes.td │ └── utils │ │ ├── CMakeLists.txt │ │ ├── util.cc │ │ └── util.h ├── mhlo │ ├── CMakeLists.txt │ ├── IR │ │ ├── CMakeLists.txt │ │ ├── hlo_base.td │ │ ├── hlo_ops.cc │ │ ├── hlo_ops.h │ │ ├── hlo_ops.td │ │ ├── hlo_ops_attrs.td │ │ ├── hlo_ops_common.cc │ │ ├── hlo_ops_common.h │ │ ├── hlo_ops_common.td │ │ ├── hlo_ops_enums.td │ │ ├── hlo_ops_typedefs.td │ │ ├── hlo_patterns.td │ │ ├── hlo_utils.td │ │ ├── init.cc │ │ ├── mhlo_bytecode.cc │ │ ├── mhlo_bytecode.h │ │ ├── mhlo_canonicalize.td │ │ └── register.h │ ├── interfaces │ │ └── bufferizable_op_interface_impl.h │ ├── transforms │ │ ├── CMakeLists.txt │ │ ├── chlo_legalize_to_hlo │ │ │ ├── chlo_legalize_to_hlo_pass.cc │ │ │ └── chlo_legalize_to_hlo_patterns.td │ │ ├── collapse_elementwise_map │ │ │ └── collapse_elementwise_map.cc │ │ ├── expand_hlo_tuples │ │ │ └── expand_hlo_tuples.cc │ │ ├── hlo_legalize_to_memref │ │ │ └── hlo_legalize_to_memref.cc │ │ ├── hlo_legalize_to_stablehlo │ │ │ ├── hlo_legalize_to_stablehlo.cc │ │ │ └── hlo_legalize_to_stablehlo_pass.cc │ │ ├── legalize_dot_to_dot_general │ │ │ └── legalize_dot_to_dot_general.cc │ │ ├── legalize_einsum_to_dot_general │ │ │ └── legalize_einsum_to_dot_general.cc │ │ ├── legalize_torch_index_select_to_gather │ │ │ └── legalize_torch_index_select_to_gather.cc │ │ ├── legalize_trigonometric_to_approximation │ │ │ └── legalize_trigonometric_to_approximation.cc │ │ ├── map_chlo_to_hlo_op.h │ │ ├── map_mhlo_to_scalar_op.h │ │ ├── map_stablehlo_to_hlo_op.h │ │ ├── materialize_broadcasts │ │ │ ├── materialize_broadcasts.cc │ │ │ └── materialize_broadcasts_pass.cc │ │ ├── mhlo_flatten_tuple │ │ │ └── mhlo_flatten_tuple.cc │ │ ├── mhlo_passes.td │ │ ├── optimize_mhlo │ │ │ └── optimize_mhlo.cc │ │ ├── passes.h │ │ ├── prepare_for_export │ │ │ └── prepare_for_export.cc │ │ ├── rewriters.h │ │ ├── sink_constants_to_control_flow │ │ │ └── sink_constants_to_control_flow.cc │ │ ├── stablehlo_legalize_to_hlo │ │ │ ├── stablehlo_legalize_to_hlo.cc │ │ │ └── stablehlo_legalize_to_hlo_pass.cc │ │ ├── test_infer_shaped_type │ │ │ └── test_infer_shaped_type_pass.cc │ │ ├── transformation_helpers.h │ │ └── unfuse_batch_norm │ │ │ ├── unfuse_batch_norm.cc │ │ │ └── unfuse_batch_norm_pass.cc │ └── utils │ │ ├── CMakeLists.txt │ │ ├── type_conversion.cc │ │ └── type_conversion.h ├── stablehlo_ext │ ├── CMakeLists.txt │ ├── IR │ │ ├── CMakeLists.txt │ │ ├── base.cpp │ │ ├── base.h │ │ ├── stablehlo_ops.cpp │ │ └── stablehlo_ops.h │ ├── README.md │ ├── analysis │ │ ├── CMakeLists.txt │ │ ├── shape_component_analysis.cpp │ │ └── shape_component_analysis.h │ └── transforms │ │ ├── CMakeLists.txt │ │ ├── chlo_preserve_high_level_ops.cpp │ │ ├── chlo_recompose_ops.cpp │ │ ├── passes.h │ │ ├── passes.td │ │ ├── sdy_refine_shapes.cpp │ │ ├── sdy_refine_shapes.h │ │ ├── sink_constants_to_control_flow.cpp │ │ ├── stablehlo_add_quant_dequant_conv.cpp │ │ ├── stablehlo_canonicalize_dynamism.cpp │ │ ├── stablehlo_canonicalize_from_hlo_import.cpp │ │ ├── stablehlo_legalize_quant_composite.cpp │ │ ├── stablehlo_prepare_for_hlo_export.cpp │ │ ├── stablehlo_refine_shapes.cpp │ │ ├── stablehlo_refine_shapes.h │ │ ├── stablehlo_sanitize_unregistered_attributes.cpp │ │ └── symbolic_shape_optimization.cpp ├── tests │ ├── BUILD │ ├── CMakeLists.txt │ ├── Dialect │ │ ├── bufferization │ │ │ └── hlo_one_shot_bufferize.mlir │ │ ├── chlo │ │ │ └── chlo_legalize_to_mhlo.mlir │ │ ├── deallocation │ │ │ └── buffer_reuse.mlir │ │ └── mhlo │ │ │ ├── attrs.mlir │ │ │ ├── bounded_dynamism.mlir │ │ │ ├── canonicalize │ │ │ ├── bitcast.mlir │ │ │ ├── canonicalize.mlir │ │ │ ├── chlo_canonicalize.mlir │ │ │ ├── concatenate.mlir │ │ │ ├── convert.mlir │ │ │ ├── convolution.mlir │ │ │ ├── custom_call.mlir │ │ │ ├── fold.mlir │ │ │ ├── folder_limit.mlir │ │ │ ├── reduce.mlir │ │ │ ├── reshape.mlir │ │ │ ├── reverse.mlir │ │ │ ├── scatter.mlir │ │ │ ├── transpose.mlir │ │ │ ├── tuple.mlir │ │ │ └── while.mlir │ │ │ ├── expand_hlo_tuples.mlir │ │ │ ├── hlo-collapse-elementwise-map.mlir │ │ │ ├── hlo-legalize-dot-to-dot-general.mlir │ │ │ ├── hlo-legalize-einsum-to-dot-general.mlir │ │ │ ├── hlo-legalize-to-stablehlo-experimental.mlir │ │ │ ├── hlo-legalize-to-stablehlo-partial.mlir │ │ │ ├── hlo-legalize-to-stablehlo.mlir │ │ │ ├── hlo-legalize-torch-index-select-to-gather.mlir │ │ │ ├── inlining.mlir │ │ │ ├── invalid.mlir │ │ │ ├── materialize-broadcasts.mlir │ │ │ ├── mhlo_bytecode_customizations.mlir │ │ │ ├── mhlo_flatten_tuple.mlir │ │ │ ├── mhlo_infer_shape_type_methods.mlir │ │ │ ├── mhlo_ops_prettyprint.mlir │ │ │ ├── mhlo_quantized.mlir │ │ │ ├── mhlo_reduce_pretty_print.mlir │ │ │ ├── ops.mlir │ │ │ ├── prepare-for-export.mlir │ │ │ ├── reify-result-types.mlir │ │ │ ├── sink-constants-to-control-flow.mlir │ │ │ ├── stablehlo-legalize-to-hlo-partial.mlir │ │ │ ├── stablehlo-legalize-to-hlo.mlir │ │ │ ├── unfuse_batch_norm.mlir │ │ │ ├── verifier_bounds.mlir │ │ │ ├── verifier_conv_op.mlir │ │ │ ├── verifier_reduce_op.mlir │ │ │ ├── verifier_reduce_window_op.mlir │ │ │ ├── verifier_scatter_op.mlir │ │ │ ├── verifier_select_and_scatter_op.mlir │ │ │ ├── verifier_while_op.mlir │ │ │ └── while_prettyprint.mlir │ ├── alloc_to_arg.mlir │ ├── bufferize.mlir │ ├── bufferize_one_shot.mlir │ ├── capi_test.c │ ├── collapse_parallel_loops_to_1d_pass.mlir │ ├── detensorize_scf_ops.mlir │ ├── index_type_llvm_lowering.mlir │ ├── legalize-trigonometric-to-approximation.mlir │ ├── lit.cfg.py │ ├── lit.site.cfg.py.in │ ├── lower_index_cast.mlir │ ├── naive_copy_removal.mlir │ ├── python │ │ ├── CMakeLists.txt │ │ ├── attributes.py │ │ ├── smoketest.py │ │ └── types.py │ ├── stablehlo_ext │ │ ├── chlo_preserve_high_level_ops.mlir │ │ ├── chlo_recompose_ops.mlir │ │ ├── sdy_refine_shapes.mlir │ │ ├── sink-constants-to-control-flow.mlir │ │ ├── stablehlo_add_quant_dequant_conv.mlir │ │ ├── stablehlo_canonicalize_dynamism.mlir │ │ ├── stablehlo_canonicalize_from_hlo_import.mlir │ │ ├── stablehlo_legalize_quant_composite.mlir │ │ ├── stablehlo_prepare_for_hlo_export.mlir │ │ ├── stablehlo_refine_shapes.mlir │ │ ├── stablehlo_sanitize_unregistered_attributes.mlir │ │ └── symbolic-shape-optimization.mlir │ ├── tile_loops.mlir │ ├── unbufferize.mlir │ └── vectorize_copy.mlir ├── tools │ ├── CMakeLists.txt │ └── mlir-hlo-opt │ │ ├── CMakeLists.txt │ │ └── mlir-hlo-opt.cc ├── transforms │ ├── CMakeLists.txt │ ├── alloc_to_arg_pass.cc │ ├── bufferize.cc │ ├── bufferize_pass.cc │ ├── collapse_parallel_loops_to_1d_pass.cc │ ├── detensorize_scf_ops.cc │ ├── generic_host_to_llvm.cc │ ├── gpu_kernel_lowering_passes.cc │ ├── gpu_passes.cc │ ├── gpu_passes.h │ ├── gpu_passes.td │ ├── lower_index_cast_pass.cc │ ├── naive_copy_removal.cc │ ├── passes.h │ ├── passes.td │ ├── rewriters.h │ ├── tile_loops_pass.cc │ ├── unbufferize_pass.cc │ └── vectorize_copy.cc └── utils │ ├── CMakeLists.txt │ ├── codegen_utils.cc │ ├── codegen_utils.h │ ├── convert_op_folder.cc │ ├── convert_op_folder.h │ ├── cycle_detector.cc │ ├── cycle_detector.h │ ├── hlo_utils.cc │ ├── hlo_utils.h │ ├── placement_utils.h │ ├── unregistered_attributes.cc │ └── unregistered_attributes.h ├── online_topsort.h ├── online_topsort_test.cc ├── overflow_util.h ├── package_groups.bzl ├── packed_literal_reader.cc ├── packed_literal_reader.h ├── parse_flags_from_env.cc ├── parse_flags_from_env.h ├── parse_flags_from_env_test.cc ├── permutation_util.cc ├── permutation_util.h ├── permutation_util_test.cc ├── pjrt ├── BUILD ├── abstract_tracked_device_buffer.cc ├── abstract_tracked_device_buffer.h ├── async_work_runner.h ├── buffer_sequencing_event.cc ├── buffer_sequencing_event.h ├── c │ ├── BUILD │ ├── CHANGELOG.md │ ├── README.md │ ├── docs │ │ └── pjrt_integration_guide.md │ ├── pjrt_c_api.h │ ├── pjrt_c_api_callback_extension.h │ ├── pjrt_c_api_cpu.cc │ ├── pjrt_c_api_cpu.h │ ├── pjrt_c_api_cpu_internal.cc │ ├── pjrt_c_api_cpu_internal.h │ ├── pjrt_c_api_cpu_test.cc │ ├── pjrt_c_api_cpu_version_script.lds │ ├── pjrt_c_api_custom_partitioner_extension.h │ ├── pjrt_c_api_ffi_extension.h │ ├── pjrt_c_api_ffi_internal.cc │ ├── pjrt_c_api_ffi_internal.h │ ├── pjrt_c_api_gpu.cc │ ├── pjrt_c_api_gpu.h │ ├── pjrt_c_api_gpu_extension.h │ ├── pjrt_c_api_gpu_internal.cc │ ├── pjrt_c_api_gpu_internal.h │ ├── pjrt_c_api_gpu_test.cc │ ├── pjrt_c_api_gpu_version_script.lds │ ├── pjrt_c_api_helpers.cc │ ├── pjrt_c_api_helpers.h │ ├── pjrt_c_api_helpers_test.cc │ ├── pjrt_c_api_layouts_extension.h │ ├── pjrt_c_api_macros.h │ ├── pjrt_c_api_memory_descriptions_extension.h │ ├── pjrt_c_api_phase_compile_extension.h │ ├── pjrt_c_api_phase_compile_internal.cc │ ├── pjrt_c_api_phase_compile_internal.h │ ├── pjrt_c_api_profiler_extension.h │ ├── pjrt_c_api_raw_buffer_extension.h │ ├── pjrt_c_api_raw_buffer_external.cc │ ├── pjrt_c_api_raw_buffer_external.h │ ├── pjrt_c_api_raw_buffer_internal.cc │ ├── pjrt_c_api_raw_buffer_internal.h │ ├── pjrt_c_api_stream_extension.h │ ├── pjrt_c_api_test.cc │ ├── pjrt_c_api_test.h │ ├── pjrt_c_api_test_base.cc │ ├── pjrt_c_api_test_base.h │ ├── pjrt_c_api_tpu.h │ ├── pjrt_c_api_tpu_constants.h │ ├── pjrt_c_api_tpu_internal.h │ ├── pjrt_c_api_tpu_topology_extension.h │ ├── pjrt_c_api_triton_extension.h │ ├── pjrt_c_api_triton_internal.cc │ ├── pjrt_c_api_triton_internal.h │ ├── pjrt_c_api_wrapper_impl.cc │ └── pjrt_c_api_wrapper_impl.h ├── c_api_client │ ├── BUILD │ ├── README.md │ ├── pjrt_c_api_client.cc │ ├── pjrt_c_api_client.h │ ├── pjrt_c_api_client_test.cc │ ├── pjrt_c_api_client_tpu_test.cc │ ├── pjrt_c_api_phase_compiler.cc │ └── pjrt_c_api_phase_compiler.h ├── common_pjrt_client.cc ├── common_pjrt_client.h ├── cpu │ ├── BUILD │ ├── abstract_cpu_buffer.cc │ ├── abstract_cpu_buffer.h │ ├── cpu_async_execution_tracker.cc │ ├── cpu_async_execution_tracker.h │ ├── cpu_client.cc │ ├── cpu_client.h │ ├── cpu_client_test.cc │ ├── cpu_device.cc │ ├── cpu_device.h │ ├── cpu_event.h │ ├── cpu_pjrt_compiler.cc │ ├── cpu_pjrt_compiler.h │ ├── cpu_pjrt_compiler_test.cc │ ├── execution_stream_event_map.h │ ├── package_groups.bzl │ ├── pjrt_client_test_cpu.cc │ ├── raw_buffer.cc │ ├── raw_buffer.h │ ├── tracked_cpu_device_buffer.cc │ ├── tracked_cpu_device_buffer.h │ └── tracked_cpu_device_buffer_test.cc ├── device_event.h ├── distributed │ ├── BUILD │ ├── client.cc │ ├── client.h │ ├── client_server_test.cc │ ├── coordination │ │ ├── BUILD │ │ ├── client_server_test.cc │ │ ├── coordination_client.h │ │ ├── coordination_service.cc │ │ ├── coordination_service.h │ │ ├── coordination_service_agent.cc │ │ ├── coordination_service_agent.h │ │ ├── coordination_service_agent_test.cc │ │ ├── coordination_service_error_util.cc │ │ ├── coordination_service_error_util.h │ │ ├── coordination_service_error_util_test.cc │ │ ├── coordination_service_recoverable_job_test.cc │ │ ├── coordination_service_rpc_handler.cc │ │ ├── coordination_service_rpc_handler.h │ │ ├── coordination_service_test.cc │ │ ├── grpc_coordination_client.cc │ │ ├── grpc_coordination_client.h │ │ ├── grpc_coordination_service_impl.cc │ │ ├── grpc_coordination_service_impl.h │ │ ├── key_value_store.cc │ │ ├── key_value_store.h │ │ ├── key_value_store_test.cc │ │ └── test_device.proto │ ├── distributed.cc │ ├── distributed.h │ ├── in_memory_key_value_store.cc │ ├── in_memory_key_value_store.h │ ├── key_value_store_interface.h │ ├── preemption │ │ ├── BUILD │ │ ├── preemption_notifier.cc │ │ ├── preemption_notifier.h │ │ ├── preemption_notifier_test.cc │ │ ├── preemption_sync_manager.cc │ │ ├── preemption_sync_manager.h │ │ └── preemption_sync_manager_test.cc │ ├── protocol.proto │ ├── service.cc │ ├── service.h │ ├── topology_util.cc │ ├── topology_util.h │ ├── topology_util_test.cc │ └── util.h ├── dump │ ├── BUILD │ ├── dump.cc │ ├── dump.h │ ├── dump_test.cc │ ├── mlir.cc │ ├── mlir.h │ └── mlir_test.cc ├── errors.cc ├── errors.h ├── errors_test.cc ├── event_pool.cc ├── event_pool.h ├── exceptions.h ├── extensions │ ├── cross_host_transfers │ │ ├── BUILD │ │ ├── pjrt_c_api_cross_host_transfers_extension.cc │ │ ├── pjrt_c_api_cross_host_transfers_extension.h │ │ └── pjrt_c_api_cross_host_transfers_extension_gpu_test.cc │ ├── example │ │ ├── BUILD │ │ ├── README.md │ │ ├── example_extension.cc │ │ ├── example_extension.h │ │ ├── example_extension_cpp.h │ │ └── example_extension_private.h │ ├── executable_metadata │ │ ├── BUILD │ │ ├── executable_metadata_extension.cc │ │ └── executable_metadata_extension.h │ └── host_allocator │ │ ├── BUILD │ │ ├── host_allocator_extension.cc │ │ ├── host_allocator_extension.h │ │ ├── host_allocator_interface_impl.cc │ │ ├── host_allocator_interface_impl.h │ │ └── host_allocator_interface_impl_test.cc ├── gpu │ ├── BUILD │ ├── gpu_helpers.cc │ ├── gpu_helpers.h │ ├── gpu_metrics.cc │ ├── gpu_metrics.h │ ├── gpu_topology.cc │ ├── gpu_topology.h │ ├── gpu_topology.proto │ ├── nvshmem_gpu_collectives_test.cc │ ├── package_groups.bzl │ ├── pjrt_client_test_se_gpu.cc │ ├── se_gpu_pjrt_client.cc │ ├── se_gpu_pjrt_client.h │ ├── se_gpu_pjrt_client_benchmark_test.cc │ ├── se_gpu_pjrt_client_nvshmem_test.cc │ ├── se_gpu_pjrt_client_test.cc │ ├── se_gpu_pjrt_compiler.cc │ ├── se_gpu_pjrt_compiler.h │ ├── se_gpu_pjrt_compiler_aot_test.cc │ ├── se_gpu_pjrt_compiler_cuda_registration.cc │ ├── se_gpu_pjrt_compiler_rocm_registration.cc │ ├── se_gpu_pjrt_compiler_test.cc │ ├── se_gpu_topology_description.cc │ ├── se_gpu_topology_description.h │ ├── se_gpu_topology_description_test.cc │ └── tfrt │ │ ├── BUILD │ │ ├── gpu_event.cc │ │ ├── gpu_event.h │ │ ├── gpu_event_test.cc │ │ ├── host_memory_allocator.h │ │ ├── tfrt_gpu_async_host_to_device_transfer_manager.cc │ │ ├── tfrt_gpu_async_host_to_device_transfer_manager.h │ │ ├── tfrt_gpu_buffer.cc │ │ ├── tfrt_gpu_buffer.h │ │ ├── tfrt_gpu_buffer_test.cc │ │ ├── tfrt_gpu_client.cc │ │ ├── tfrt_gpu_client.h │ │ ├── tfrt_gpu_client_test.cc │ │ ├── tfrt_gpu_device.cc │ │ ├── tfrt_gpu_device.h │ │ ├── tfrt_gpu_executable.cc │ │ ├── tfrt_gpu_executable.h │ │ ├── tracked_gpu_device_buffer.cc │ │ ├── tracked_gpu_device_buffer.h │ │ ├── tracked_gpu_device_buffer_test.cc │ │ ├── utils.cc │ │ └── utils.h ├── host_callback.cc ├── host_callback.h ├── host_callback_test.cc ├── host_memory_spaces.cc ├── host_memory_spaces.h ├── host_to_device_transfer_manager.cc ├── host_to_device_transfer_manager.h ├── interpreter │ ├── BUILD │ ├── interpreter_client.cc │ ├── interpreter_client.h │ └── interpreter_client_test.cc ├── layout_mode.cc ├── layout_mode.h ├── local_device_state.cc ├── local_device_state.h ├── lru_cache.h ├── lru_cache_test.cc ├── metrics.cc ├── metrics.h ├── mlir_to_hlo.cc ├── mlir_to_hlo.h ├── mlir_to_hlo_test.cc ├── partial_program_utils.cc ├── partial_program_utils.h ├── pjrt_api.cc ├── pjrt_api.h ├── pjrt_api_test.cc ├── pjrt_c_api_client.h ├── pjrt_client.cc ├── pjrt_client.h ├── pjrt_client_test.cc ├── pjrt_client_test.h ├── pjrt_client_utils.cc ├── pjrt_client_utils.h ├── pjrt_common.cc ├── pjrt_common.h ├── pjrt_common_test.cc ├── pjrt_compiler.cc ├── pjrt_compiler.h ├── pjrt_compiler_test.cc ├── pjrt_device_description.h ├── pjrt_device_dimensions.cc ├── pjrt_device_dimensions.h ├── pjrt_device_dimensions_test.cc ├── pjrt_executable.cc ├── pjrt_executable.h ├── pjrt_executable_test.cc ├── pjrt_future.h ├── pjrt_layout.h ├── pjrt_phase_compile_extension_test.cc ├── pjrt_phase_compile_sample_plugin.cc ├── pjrt_phase_compile_sample_plugin.h ├── pjrt_phase_compiler_test.cc ├── pjrt_stream_executor_client.cc ├── pjrt_stream_executor_client.h ├── pjrt_stream_executor_client_test.cc ├── pjrt_stream_executor_device_description.h ├── plugin │ ├── BUILD │ ├── README.md │ ├── dynamic_registration.cc │ ├── dynamic_registration.h │ ├── dynamic_registration_test.cc │ ├── dynamic_registration_test_helper.cc │ ├── example_plugin │ │ ├── BUILD │ │ ├── README.md │ │ ├── example_extension_impl.cc │ │ ├── example_extension_impl.h │ │ ├── myplugin_c_pjrt.cc │ │ ├── myplugin_c_pjrt.h │ │ ├── myplugin_c_pjrt_internal.cc │ │ ├── myplugin_c_pjrt_internal.h │ │ ├── myplugin_c_pjrt_test.cc │ │ ├── myplugin_cpp_pjrt.cc │ │ ├── myplugin_cpp_pjrt.h │ │ └── myplugin_cpp_pjrt_test.cc │ ├── plugin_names.h │ ├── static_registration.cc │ ├── static_registration.h │ ├── static_registration_test.cc │ ├── test │ │ ├── BUILD │ │ ├── plugin_compile_only_test.cc │ │ ├── plugin_registration_test.cc │ │ ├── plugin_test_fixture.cc │ │ └── plugin_test_fixture.h │ ├── testing │ │ ├── BUILD │ │ ├── testing_c_pjrt_internal.cc │ │ ├── testing_c_pjrt_internal.h │ │ ├── testing_c_pjrt_internal_test.cc │ │ ├── testing_cpp_pjrt.cc │ │ ├── testing_cpp_pjrt.h │ │ └── testing_cpp_pjrt_test.cc │ ├── xla_cpu │ │ ├── BUILD │ │ ├── README.md │ │ ├── cpu_client_options.h │ │ ├── cpu_device_description.cc │ │ ├── cpu_device_description.h │ │ ├── cpu_execute_options.h │ │ ├── cpu_memory.h │ │ ├── cpu_static_registration.cc │ │ ├── cpu_topology.cc │ │ ├── cpu_topology.h │ │ ├── cpu_topology.proto │ │ ├── cpu_topology_description.cc │ │ ├── cpu_topology_description.h │ │ ├── cpu_topology_description_test.cc │ │ ├── cpu_topology_test.cc │ │ ├── xla_cpu_pjrt_client.cc │ │ ├── xla_cpu_pjrt_client.h │ │ └── xla_cpu_pjrt_client_test.cc │ ├── xla_gpu │ │ ├── BUILD │ │ ├── README.md │ │ ├── gpu_static_registration.cc │ │ ├── xla_gpu_allocator_config.h │ │ ├── xla_gpu_client_options.h │ │ ├── xla_gpu_pjrt_client.cc │ │ ├── xla_gpu_pjrt_client.h │ │ └── xla_gpu_pjrt_client_test.cc │ └── xla_tpu │ │ ├── BUILD │ │ ├── README.md │ │ ├── tpu_dynamic_registration.cc │ │ ├── tpu_static_registration.cc │ │ ├── xla_tpu_pjrt_client.cc │ │ ├── xla_tpu_pjrt_client.h │ │ └── xla_tpu_pjrt_client_test.cc ├── profiling │ ├── BUILD │ ├── device_time_measurement.h │ ├── no_op_device_time_measurement.cc │ ├── no_op_device_time_measurement.h │ ├── profiling_context.h │ ├── profiling_context_no_op.cc │ ├── profiling_context_no_op.h │ └── test_util │ │ ├── BUILD │ │ ├── mock_device_time_measurement.cc │ │ └── mock_device_time_measurement.h ├── proto │ ├── BUILD │ ├── compile_options.proto │ ├── executable_metadata.proto │ ├── execute_options.proto │ ├── pjrt_device_dimensions.proto │ ├── pjrt_partial_program.proto │ ├── pjrt_value_type.proto │ └── topology_description.proto ├── raw_buffer.cc ├── raw_buffer.h ├── raw_buffer_test.cc ├── scoped_async_tracking_event.h ├── se_raw_buffer.cc ├── se_raw_buffer.h ├── semaphore.cc ├── semaphore.h ├── semaphore_test.cc ├── status_casters.h ├── stream_executor_executable.cc ├── stream_executor_executable.h ├── stream_executor_executable.proto ├── string_utils.cc ├── string_utils.h ├── tf_pjrt_client.cc ├── tf_pjrt_client.h ├── tf_pjrt_client_test.cc ├── tfrt_cpu_pjrt_client.h ├── thread_pool_async_work_runner.cc ├── thread_pool_async_work_runner.h ├── tpu_constants.h ├── tracked_device_buffer.cc ├── tracked_device_buffer.h ├── tracked_device_buffer_test.cc ├── transpose.cc ├── transpose.h ├── transpose_kernels.h ├── transpose_test.cc ├── triton.h ├── triton_cuda.cc ├── triton_stub.cc ├── utils.cc ├── utils.h ├── worker_thread.cc └── worker_thread.h ├── primitive_util.cc ├── primitive_util.h ├── primitive_util_test.cc ├── printer.cc ├── printer.h ├── protobuf_util.cc ├── protobuf_util.h ├── py_strict.bzl ├── python ├── BUILD ├── __init__.py ├── _gpu_ondevice_tracing.pyi ├── _hlo_pass.pyi ├── _ops.pyi ├── _profile_data.pyi ├── _profiler.pyi ├── _xla_builder.pyi ├── aggregate_profile.cc ├── aggregate_profile.h ├── aggregate_profile_test.cc ├── compile_only_ifrt │ ├── BUILD │ ├── client.cc │ └── client.h ├── custom_call_batch_partitioner.cc ├── custom_call_batch_partitioner.h ├── custom_partition_callback.cc ├── custom_partition_callback.h ├── debug_callback_partitioner.cc ├── debug_callback_partitioner.h ├── dlpack_types.cc ├── dlpack_types.h ├── gpu_ondevice_tracing.cc ├── hlo_pass.cc ├── ifrt │ ├── BUILD │ ├── README.md │ ├── array.cc │ ├── array.h │ ├── array_impl_test_lib.cc │ ├── array_spec.cc │ ├── array_spec.h │ ├── array_spec.proto │ ├── array_spec_test.cc │ ├── array_test.cc │ ├── attribute_map.cc │ ├── attribute_map.h │ ├── attribute_map.proto │ ├── attribute_map_test.cc │ ├── basic_device_list.cc │ ├── basic_device_list.h │ ├── client.cc │ ├── client.h │ ├── client_impl_test_lib.cc │ ├── client_impl_util.cc │ ├── client_impl_util.h │ ├── compiler.cc │ ├── compiler.h │ ├── custom_call_program.cc │ ├── custom_call_program.h │ ├── custom_call_program.proto │ ├── custom_call_program_serdes.cc │ ├── custom_call_program_serdes_test.cc │ ├── device.cc │ ├── device.h │ ├── device.proto │ ├── device_list.cc │ ├── device_list.h │ ├── device_list_test.cc │ ├── device_test_util.cc │ ├── device_test_util.h │ ├── dtype.cc │ ├── dtype.h │ ├── dtype.proto │ ├── dtype_test.cc │ ├── executable.cc │ ├── executable.h │ ├── executable_serdes.cc │ ├── executable_serdes.h │ ├── executable_test.cc │ ├── execute_options.proto │ ├── hlo │ │ ├── BUILD │ │ ├── hlo_program.cc │ │ ├── hlo_program.h │ │ ├── hlo_program_serdes.cc │ │ ├── hlo_program_serdes_test.cc │ │ └── hlo_program_test.cc │ ├── host_callback.cc │ ├── host_callback.h │ ├── ifrt.bzl │ ├── index.cc │ ├── index.h │ ├── index_domain.cc │ ├── index_domain.h │ ├── index_domain_test.cc │ ├── index_test.cc │ ├── ir │ │ ├── BUILD │ │ ├── atom_program_compiler.h │ │ ├── basic_atom_program_compiler.cc │ │ ├── basic_atom_program_compiler.h │ │ ├── compiled_ifrt_ir_program.cc │ │ ├── compiled_ifrt_ir_program.h │ │ ├── constants.h │ │ ├── conversions │ │ │ └── mpmd │ │ │ │ ├── BUILD │ │ │ │ ├── ifrt_mpmd_py.cc │ │ │ │ ├── lower_to_ifrt.cc │ │ │ │ ├── lower_to_ifrt.h │ │ │ │ ├── utils.cc │ │ │ │ ├── utils.h │ │ │ │ └── utils_test.cc │ │ ├── ifrt_dialect.cc │ │ ├── ifrt_dialect.h │ │ ├── ifrt_dialect.td │ │ ├── ifrt_interfaces.cc │ │ ├── ifrt_interfaces.h │ │ ├── ifrt_interfaces.td │ │ ├── ifrt_ir_compile_options.proto │ │ ├── ifrt_ir_executable_version.cc │ │ ├── ifrt_ir_executable_version.h │ │ ├── ifrt_ir_executable_version.proto │ │ ├── ifrt_ir_program.cc │ │ ├── ifrt_ir_program.h │ │ ├── ifrt_ir_program.proto │ │ ├── ifrt_ir_program_serdes.cc │ │ ├── ifrt_ir_program_serdes_test.cc │ │ ├── ifrt_ir_program_test.cc │ │ ├── ifrt_ops.cc │ │ ├── ifrt_ops.h │ │ ├── ifrt_ops.td │ │ ├── ir_py.cc │ │ ├── program_interpreter.cc │ │ ├── program_interpreter.h │ │ ├── sharding_param.cc │ │ ├── sharding_param.h │ │ ├── sharding_param.proto │ │ ├── tests │ │ │ ├── BUILD │ │ │ ├── executable_impl_test_base.cc │ │ │ ├── executable_impl_test_base.h │ │ │ ├── executable_impl_test_lib.cc │ │ │ ├── ifrt-opt.cc │ │ │ ├── ifrt-translate.cc │ │ │ ├── ifrt_compile_and_propagate_shardings.mlir │ │ │ ├── ifrt_compile_atom_program.mlir │ │ │ ├── ifrt_duplicated_callee_elimination.mlir │ │ │ ├── ifrt_e2e.mlir │ │ │ ├── ifrt_lower_atom_program_metadata_to_xla-gspmd_partitioned_compile_override.mlir │ │ │ ├── ifrt_lower_atom_program_metadata_to_xla-sdy_partitioned_compile_override.mlir │ │ │ ├── ifrt_lower_atom_program_metadata_to_xla-use_partitioned_attr.mlir │ │ │ ├── ifrt_lower_mpmd_reshard_to_call.mlir │ │ │ ├── ifrt_merge_reshards.mlir │ │ │ ├── ifrt_outline_atom_program_to_module.mlir │ │ │ ├── ifrt_populate_atom_program_metadata.mlir │ │ │ ├── ifrt_precompile_atom_program_preprocessing.mlir │ │ │ ├── ifrt_remove_attrs_from_other_dialects.mlir │ │ │ ├── ifrt_remove_ifrt_attrs.mlir │ │ │ ├── ifrt_reshard_to_copy_arrays.mlir │ │ │ ├── ifrt_to_dot.mlir │ │ │ ├── ifrt_verify_device_type_consistency.mlir │ │ │ ├── ifrt_verify_donation.mlir │ │ │ ├── ifrt_verify_sharding_specified.mlir │ │ │ ├── mpmd_add_control_dependencies.mlir │ │ │ ├── mpmd_lower_to_ifrt.mlir │ │ │ ├── mpmd_merge_reshards.mlir │ │ │ ├── spmd_expansion.mlir │ │ │ ├── spmd_interface_verification.mlir │ │ │ ├── verify_array.mlir │ │ │ ├── verify_assemble.mlir │ │ │ ├── verify_attrs.mlir │ │ │ ├── verify_call.mlir │ │ │ ├── verify_call_loaded_executable.mlir │ │ │ ├── verify_copy_arrays.mlir │ │ │ ├── verify_disassemble.mlir │ │ │ ├── verify_loaded_executable.mlir │ │ │ ├── verify_remap_arrays.mlir │ │ │ ├── verify_reshard.mlir │ │ │ └── vifrt │ │ │ │ ├── BUILD │ │ │ │ ├── ifrt_legalize_to_vifrt.0_1_0.mlir │ │ │ │ ├── ifrt_legalize_to_vifrt.0_1_0.mlir.bytes │ │ │ │ ├── ifrt_legalize_to_vifrt.mlir │ │ │ │ └── ifrt_legalize_to_vifrt_invalid.mlir │ │ ├── transforms │ │ │ ├── BUILD │ │ │ ├── built_in_spmd_expansions.cc │ │ │ ├── built_in_spmd_expansions.h │ │ │ ├── debug.cc │ │ │ ├── debug.h │ │ │ ├── debug_test.cc │ │ │ ├── ifrt_atom_programs_from_vhlo_pass.cc │ │ │ ├── ifrt_atom_programs_to_vhlo_pass.cc │ │ │ ├── ifrt_compile_and_propagate_shardings_pass.cc │ │ │ ├── ifrt_compile_atom_program_pass.cc │ │ │ ├── ifrt_dump_atom_programs_pass.cc │ │ │ ├── ifrt_duplicated_callee_elimination_pass.cc │ │ │ ├── ifrt_legalize_to_vifrt_pass.cc │ │ │ ├── ifrt_lower_atom_program_metadata_to_xla_pass.cc │ │ │ ├── ifrt_lower_mpmd_reshard_to_call_pass.cc │ │ │ ├── ifrt_merge_reshards_pass.cc │ │ │ ├── ifrt_outline_atom_program_to_module_pass.cc │ │ │ ├── ifrt_populate_atom_program_metadata_pass.cc │ │ │ ├── ifrt_precompile_atom_program_preprocessing_pass.cc │ │ │ ├── ifrt_remove_attrs_from_other_dialects_pass.cc │ │ │ ├── ifrt_remove_ifrt_attrs_pass.cc │ │ │ ├── ifrt_reshard_to_copy_arrays_pass.cc │ │ │ ├── ifrt_to_dot_pass.cc │ │ │ ├── ifrt_verify_bound_external_loaded_executable_pass.cc │ │ │ ├── ifrt_verify_device_type_consistency_pass.cc │ │ │ ├── ifrt_verify_donation_pass.cc │ │ │ ├── ifrt_verify_sharding_specified_pass.cc │ │ │ ├── map_ifrt_to_vifrt.h │ │ │ ├── multi_threaded_atom_program_compiler.cc │ │ │ ├── multi_threaded_atom_program_compiler.h │ │ │ ├── passes.cc │ │ │ ├── passes.h │ │ │ ├── passes.td │ │ │ ├── spmd_expandable_interface_verification_pass.cc │ │ │ ├── spmd_expanders │ │ │ │ ├── BUILD │ │ │ │ ├── noop_ifrt_spmd_expander.h │ │ │ │ ├── terminator_ifrt_spmd_expander.h │ │ │ │ └── unimplemented_ifrt_spmd_expander.h │ │ │ ├── spmd_expansion_pass.cc │ │ │ ├── utils.cc │ │ │ ├── utils.h │ │ │ ├── vifrt_legalize_to_ifrt_pass.cc │ │ │ └── vifrt_to_version_pass.cc │ │ ├── utils.cc │ │ ├── utils.h │ │ ├── version.cc │ │ ├── version.h │ │ ├── vifrt_bytecode.cc │ │ ├── vifrt_bytecode.h │ │ ├── vifrt_dialect.cc │ │ ├── vifrt_dialect.h │ │ ├── vifrt_dialect.td │ │ ├── vifrt_interfaces.td │ │ └── vifrt_ops.td │ ├── layout.cc │ ├── layout.h │ ├── layout.proto │ ├── layout_serdes.cc │ ├── layout_serdes.proto │ ├── layout_serdes_test.cc │ ├── layout_test.cc │ ├── memory.cc │ ├── memory.h │ ├── memory_test.cc │ ├── mock.cc │ ├── mock.h │ ├── mpmd_executable.cc │ ├── mpmd_executable.h │ ├── plugin_program.cc │ ├── plugin_program.h │ ├── plugin_program_serdes.cc │ ├── plugin_program_serdes_test.cc │ ├── program.cc │ ├── program.h │ ├── program_serdes.cc │ ├── program_serdes.h │ ├── ref_wrapper.h │ ├── ref_wrapper_test.cc │ ├── remap_impl_test_lib.cc │ ├── remap_plan.cc │ ├── remap_plan.h │ ├── remap_plan.proto │ ├── remap_plan_test.cc │ ├── serdes.cc │ ├── serdes.h │ ├── serdes.proto │ ├── serdes_any_version_accessor.h │ ├── serdes_default_version_accessor.h │ ├── serdes_test.cc │ ├── serdes_test_util.cc │ ├── serdes_test_util.h │ ├── serdes_version.h │ ├── serdes_version.md │ ├── serdes_week_4_old_version_accessor.h │ ├── shape.cc │ ├── shape.h │ ├── shape.proto │ ├── shape_test.cc │ ├── sharding.cc │ ├── sharding.h │ ├── sharding.proto │ ├── sharding_serdes.cc │ ├── sharding_serdes.proto │ ├── sharding_serdes_test.cc │ ├── sharding_test.cc │ ├── support │ │ ├── BUILD │ │ ├── module_parsing.cc │ │ ├── module_parsing.h │ │ ├── sharding_conversions.cc │ │ ├── sharding_conversions.h │ │ └── sharding_conversions_test.cc │ ├── test_util.cc │ ├── test_util.h │ ├── topology.cc │ ├── topology.h │ ├── tuple.cc │ ├── tuple.h │ ├── tuple_impl_test_lib.cc │ ├── user_context.cc │ ├── user_context.h │ ├── user_context_registry.cc │ ├── user_context_registry.h │ ├── user_context_registry_test.cc │ ├── user_context_status_util.cc │ ├── user_context_status_util.h │ ├── user_context_status_util_test.cc │ ├── user_context_test.cc │ ├── user_context_test_util.h │ ├── value.cc │ ├── value.h │ ├── with_user_context.h │ └── with_user_context_test.cc ├── ifrt_proxy │ ├── client │ │ ├── BUILD │ │ ├── README.md │ │ ├── array.cc │ │ ├── array.h │ │ ├── array_test.cc │ │ ├── client.cc │ │ ├── client.h │ │ ├── client_session.h │ │ ├── client_test.cc │ │ ├── compiler.cc │ │ ├── compiler.h │ │ ├── compiler_test.cc │ │ ├── device.cc │ │ ├── device.h │ │ ├── executable.cc │ │ ├── executable.h │ │ ├── executable_test.cc │ │ ├── global_flags.h │ │ ├── global_flags_oss.cc │ │ ├── grpc_client.cc │ │ ├── grpc_client_session.cc │ │ ├── grpc_client_session.h │ │ ├── grpc_client_session_test.cc │ │ ├── grpc_host_buffer.cc │ │ ├── grpc_host_buffer.h │ │ ├── host_buffer.h │ │ ├── memory.h │ │ ├── mock_client_session.h │ │ ├── mock_host_buffer.h │ │ ├── registry.cc │ │ ├── registry.h │ │ ├── rpc_helper.cc │ │ ├── rpc_helper.h │ │ ├── rpc_helper_test.cc │ │ └── version.h │ ├── common │ │ ├── BUILD │ │ ├── VERSION.md │ │ ├── array_util.cc │ │ ├── array_util.h │ │ ├── array_util.proto │ │ ├── array_util_test.cc │ │ ├── grpc_credentials.cc │ │ ├── grpc_credentials.h │ │ ├── grpc_credentials_possibly_insecure_wrapper.cc │ │ ├── grpc_credentials_possibly_insecure_wrapper.h │ │ ├── grpc_ifrt_service.proto │ │ ├── ifrt_proxy.bzl │ │ ├── ifrt_service.proto │ │ ├── prof_util.h │ │ ├── proto_util.cc │ │ ├── proto_util.h │ │ ├── test_utils.cc │ │ ├── test_utils.h │ │ ├── transfer_util.cc │ │ ├── transfer_util.h │ │ ├── types.cc │ │ ├── types.h │ │ ├── types.proto │ │ ├── types_test.cc │ │ └── versions.h │ ├── contrib │ │ └── pathways │ │ │ ├── BUILD │ │ │ ├── status_annotator.proto │ │ │ ├── status_annotator_util.cc │ │ │ ├── status_annotator_util.h │ │ │ └── status_annotator_util_test.cc │ ├── integration_tests │ │ ├── BUILD │ │ ├── array_impl_test_tfrt_cpu.cc │ │ ├── executable_impl_test_tfrt_cpu.cc │ │ ├── mock_array_test.cc │ │ ├── register_pjrt_cpu_for_ifrt_api_tests.cc │ │ └── remap_impl_test_tfrt_cpu.cc │ └── server │ │ ├── BUILD │ │ ├── grpc_server.cc │ │ ├── grpc_server.h │ │ ├── grpc_server_test.cc │ │ ├── grpc_service_impl.cc │ │ ├── grpc_service_impl.h │ │ ├── grpc_service_impl_test.cc │ │ ├── host_buffer.cc │ │ ├── host_buffer.h │ │ ├── host_buffer_test.cc │ │ ├── host_callback.cc │ │ ├── host_callback.h │ │ ├── ifrt_backend.cc │ │ ├── ifrt_backend.h │ │ ├── ifrt_backend_test.cc │ │ ├── ifrt_backend_user_context.cc │ │ ├── ifrt_backend_user_context.h │ │ ├── ifrt_backend_user_context_test.cc │ │ ├── mock_ifrt_backend.h │ │ ├── version.cc │ │ ├── version.h │ │ └── version_test.cc ├── inspect_sharding.cc ├── inspect_sharding.h ├── literal_type_casters.h ├── logging.cc ├── logging.h ├── nb_absl_flat_hash_map.h ├── nb_absl_flat_hash_set.h ├── nb_absl_inlined_vector.h ├── nb_absl_span.h ├── nb_helpers.h ├── nb_numpy.cc ├── nb_numpy.h ├── nb_status.h ├── ops.cc ├── ops.h ├── package_groups.bzl ├── pjrt_ifrt │ ├── BUILD │ ├── basic_string_array.cc │ ├── basic_string_array.h │ ├── basic_string_array_test.cc │ ├── executable_metadata.proto │ ├── pjrt_array.cc │ ├── pjrt_array.h │ ├── pjrt_array_impl_test_cpu.cc │ ├── pjrt_attribute_map_util.cc │ ├── pjrt_attribute_map_util.h │ ├── pjrt_attribute_map_util_test.cc │ ├── pjrt_client.cc │ ├── pjrt_client.h │ ├── pjrt_compiler.cc │ ├── pjrt_compiler.h │ ├── pjrt_cpu_client_multi_process_test_lib.cc │ ├── pjrt_cpu_client_test_lib.cc │ ├── pjrt_device.cc │ ├── pjrt_device.h │ ├── pjrt_dtype.cc │ ├── pjrt_dtype.h │ ├── pjrt_executable.cc │ ├── pjrt_executable.h │ ├── pjrt_executable_impl_test_cpu.cc │ ├── pjrt_host_callback.cc │ ├── pjrt_host_callback.h │ ├── pjrt_ifrt.bzl │ ├── pjrt_layout.cc │ ├── pjrt_layout.h │ ├── pjrt_layout_serdes.cc │ ├── pjrt_layout_serdes.proto │ ├── pjrt_layout_serdes_test.cc │ ├── pjrt_layout_test.cc │ ├── pjrt_memory.cc │ ├── pjrt_memory.h │ ├── pjrt_remap.cc │ ├── pjrt_remap.h │ ├── pjrt_topology.cc │ ├── pjrt_topology.h │ ├── pjrt_tuple.cc │ ├── pjrt_tuple.h │ ├── reshard_impl_test_lib.cc │ ├── transfer_server_interface.h │ ├── xla_compiler.cc │ ├── xla_compiler.h │ ├── xla_compiler.proto │ ├── xla_executable_impl_test_lib.cc │ ├── xla_executable_version.cc │ ├── xla_executable_version.h │ ├── xla_executable_version_serdes.cc │ ├── xla_host_callback.proto │ ├── xla_sharding.cc │ ├── xla_sharding.h │ ├── xla_sharding.proto │ ├── xla_sharding_serdes.cc │ ├── xla_sharding_serdes_test.cc │ └── xla_sharding_test.cc ├── profile_data.cc ├── profile_data_test.py ├── profiler.cc ├── profiler │ ├── BUILD │ ├── internal │ │ ├── BUILD │ │ ├── python_hooks.cc │ │ ├── python_hooks.h │ │ └── traceme_wrapper.h │ ├── profile_data_lib.cc │ ├── profile_data_lib.h │ ├── profile_data_test.py │ └── py_profile_data.cc ├── profiler_utils.cc ├── profiler_utils.h ├── pyinit_stub.c ├── pywrap.bzl ├── refine_polymorphic_shapes.cc ├── refine_polymorphic_shapes.h ├── safe_static_init.h ├── status_casters_ext.cc ├── status_casters_test.py ├── strides.cc ├── strides.h ├── transfer │ ├── BUILD │ ├── event_loop.cc │ ├── event_loop.h │ ├── event_loop_test.cc │ ├── pjrt_transfer_server.cc │ ├── pjrt_transfer_server.h │ ├── socket-server.cc │ ├── socket-server.h │ ├── socket-server_test.cc │ ├── socket_bulk_transport.cc │ ├── socket_bulk_transport.h │ ├── socket_bulk_transport_test.cc │ ├── streaming.cc │ ├── streaming.h │ ├── streaming_ifrt.cc │ ├── streaming_ifrt.h │ ├── streaming_ifrt_test.cc │ ├── streaming_test.cc │ ├── test_pattern.cc │ ├── test_pattern.h │ └── transfer_socket.proto ├── types.cc ├── types.h ├── version.h ├── xla_builder.cc ├── xla_client.py ├── xla_compiler_test.py ├── xla_extension.py ├── xplane_to_profile_instructions.cc ├── xplane_to_profile_instructions.h └── xplane_to_profile_instructions_test.cc ├── python_api ├── BUILD ├── types_.py ├── xla_literal.py ├── xla_literal_test.py ├── xla_shape.py └── xla_shape_test.py ├── pytype.bzl ├── reference_util.cc ├── reference_util.h ├── reference_util_test.cc ├── runtime ├── BUILD ├── README.md ├── buffer_use.cc ├── buffer_use.h ├── buffer_use_test.cc ├── device_id.h ├── execution_graph.cc ├── execution_graph.h ├── execution_graph_test.cc ├── large_hlo_snapshot_serialization │ ├── BUILD │ ├── coded_stream_iterators.h │ ├── coded_stream_iterators_test.cc │ ├── serialization.cc │ ├── serialization.h │ └── serialization_test.cc ├── object_pool.h ├── object_pool_test.cc ├── resource_use.cc ├── resource_use.h ├── resource_use_test.cc ├── work_cluster.h ├── work_dimensions.h ├── work_group.h ├── work_item.h └── work_tile_size.h ├── service ├── BUILD ├── algebraic_simplifier_alive2_proofs.md ├── algebraic_simplifier_overflow_test.cc ├── algebraic_simplifier_proof_distributive_property.py ├── algorithm_util.cc ├── algorithm_util.h ├── all_gather_decomposer.cc ├── all_gather_decomposer.h ├── all_gather_decomposer_test.cc ├── all_gather_simplifier.cc ├── all_gather_simplifier.h ├── all_gather_simplifier_test.cc ├── all_reduce_key.cc ├── all_reduce_key.h ├── all_reduce_promotion.cc ├── all_reduce_promotion.h ├── all_reduce_promotion_test.cc ├── all_reduce_reassociate.cc ├── all_reduce_reassociate.h ├── all_reduce_reassociate_test.cc ├── all_reduce_reduce_scatter_reorder.cc ├── all_reduce_reduce_scatter_reorder.h ├── all_reduce_reduce_scatter_reorder_test.cc ├── all_reduce_simplifier.cc ├── all_reduce_simplifier.h ├── all_reduce_simplifier_test.cc ├── all_to_all_decomposer.cc ├── all_to_all_decomposer.h ├── allocation_tracker.cc ├── allocation_tracker.h ├── backend.cc ├── backend.h ├── batched_gather_scatter_normalizer.cc ├── batched_gather_scatter_normalizer.h ├── batched_gather_scatter_normalizer_test.cc ├── batchnorm_expander.cc ├── batchnorm_expander.h ├── batchnorm_expander_test.cc ├── buffer_assignment.cc ├── buffer_assignment.h ├── buffer_assignment.proto ├── buffer_assignment_test.cc ├── buffer_value.cc ├── buffer_value.h ├── buffer_value_containers.h ├── call_graph.cc ├── call_graph.h ├── call_graph_test.cc ├── call_inliner.cc ├── call_inliner.h ├── call_inliner_test.cc ├── change_op_data_type.cc ├── change_op_data_type.h ├── change_op_data_type_test.cc ├── channel_tracker.cc ├── channel_tracker.h ├── collective_combiner_utils.h ├── collective_conflict_analysis.cc ├── collective_conflict_analysis.h ├── collective_decomposer_utils.cc ├── collective_decomposer_utils.h ├── collective_ops_utils.cc ├── collective_ops_utils.h ├── collective_ops_utils_test.cc ├── collective_opt_utils.cc ├── collective_opt_utils.h ├── collective_opt_utils_test.cc ├── collective_permute_cycle.cc ├── collective_permute_cycle.h ├── collective_permute_cycle_test.cc ├── collective_permute_decomposer.cc ├── collective_permute_decomposer.h ├── collective_permute_decomposer_test.cc ├── collective_permute_key.cc ├── collective_permute_key.h ├── collective_pipeliner.cc ├── collective_pipeliner.h ├── collective_pipeliner_test.cc ├── collective_pipeliner_utils.h ├── collective_utils.h ├── compilation_cache.cc ├── compilation_cache.h ├── compilation_environments.cc ├── compilation_environments.h ├── compilation_environments_test.cc ├── compilation_stats.cc ├── compilation_stats.h ├── compile_only_service.cc ├── compile_only_service.h ├── compile_time_cap.h ├── compiler.cc ├── compiler.h ├── compiler_test.cc ├── computation_layout.cc ├── computation_layout.h ├── computation_placer.cc ├── computation_placer.h ├── computation_placer_test.cc ├── conditional_code_motion.cc ├── conditional_code_motion.h ├── conditional_code_motion_test.cc ├── conditional_simplifier.cc ├── conditional_simplifier.h ├── conditional_simplifier_test.cc ├── conditional_to_select.cc ├── conditional_to_select.h ├── conditional_to_select_test.cc ├── constant_value.cc ├── constant_value.h ├── constant_value_test.cc ├── copy_insertion.cc ├── copy_insertion.h ├── copy_insertion_test.cc ├── copy_removal.cc ├── copy_removal.h ├── cost_modelling │ ├── BUILD │ ├── op_cost.cc │ ├── op_cost.h │ ├── op_cost_test.cc │ └── op_cost_test_utils.h ├── cpu │ ├── BUILD │ ├── backend_config.proto │ ├── build_defs.bzl │ ├── conv_canonicalization.cc │ ├── conv_canonicalization.h │ ├── conv_canonicalization_test.cc │ ├── cpu_aot_compilation_result.cc │ ├── cpu_aot_compilation_result.h │ ├── cpu_aot_compiler_test.cc │ ├── cpu_aot_loader.cc │ ├── cpu_aot_loader.h │ ├── cpu_compiler.cc │ ├── cpu_compiler.h │ ├── cpu_compiler_internals_test.cc │ ├── cpu_compiler_registerer.cc │ ├── cpu_compiler_test.cc │ ├── cpu_eigen_tensor_alignment_test.cc │ ├── cpu_executable.cc │ ├── cpu_executable.h │ ├── cpu_executable_run_options.h │ ├── cpu_float_support.h │ ├── cpu_float_support_test.cc │ ├── cpu_instruction_fusion.cc │ ├── cpu_instruction_fusion.h │ ├── cpu_instruction_fusion_test.cc │ ├── cpu_layout_assignment.cc │ ├── cpu_layout_assignment.h │ ├── cpu_layout_assignment_test.cc │ ├── cpu_multi_output_fusion.cc │ ├── cpu_multi_output_fusion.h │ ├── cpu_multi_output_fusion_test.cc │ ├── cpu_options.cc │ ├── cpu_options.h │ ├── cpu_runtime.cc │ ├── cpu_runtime.h │ ├── cpu_symbol_repository.h │ ├── cpu_transfer_manager.cc │ ├── cpu_transfer_manager.h │ ├── cpu_xfeed.cc │ ├── cpu_xfeed.h │ ├── dot_op_emitter.cc │ ├── dot_op_emitter.h │ ├── elemental_ir_emitter.cc │ ├── elemental_ir_emitter.h │ ├── elemental_math_emitter.cc │ ├── elemental_math_emitter.h │ ├── executable.proto │ ├── fusion_wrapper.cc │ ├── fusion_wrapper.h │ ├── fusion_wrapper_test.cc │ ├── ir_emission_utils.cc │ ├── ir_emission_utils.h │ ├── ir_emission_utils_test.cc │ ├── ir_emitter.cc │ ├── ir_emitter.h │ ├── ir_emitter2.cc │ ├── ir_emitter2.h │ ├── ir_emitter_test.cc │ ├── ir_function.cc │ ├── ir_function.h │ ├── metrics.cc │ ├── metrics.h │ ├── metrics_test.cc │ ├── onednn_config.proto │ ├── onednn_contraction_rewriter.cc │ ├── onednn_contraction_rewriter.h │ ├── onednn_convolution.cc │ ├── onednn_convolution.h │ ├── onednn_float_support.cc │ ├── onednn_float_support.h │ ├── onednn_layer_norm.cc │ ├── onednn_layer_norm.h │ ├── onednn_matmul.cc │ ├── onednn_matmul.h │ ├── onednn_memory_util.cc │ ├── onednn_memory_util.h │ ├── onednn_ops_rewriter.cc │ ├── onednn_ops_rewriter.h │ ├── onednn_pattern_utils.h │ ├── onednn_softmax.cc │ ├── onednn_softmax.h │ ├── onednn_util.cc │ ├── onednn_util.h │ ├── parallel_fusion_emitter.cc │ ├── parallel_fusion_emitter.h │ ├── parallel_fusion_emitter_test.cc │ ├── parallel_loop_emitter.cc │ ├── parallel_loop_emitter.h │ ├── parallel_task_assignment.cc │ ├── parallel_task_assignment.h │ ├── parallel_task_assignment_test.cc │ ├── scoped_ir_builder_test.cc │ ├── small_while_loop_hoisting_pass.cc │ ├── small_while_loop_hoisting_pass.h │ ├── small_while_loop_hoisting_pass_test.cc │ ├── target_machine_features_stub.h │ ├── test_target_triple_helper.h │ ├── tests │ │ ├── BUILD │ │ ├── cpu_aot_export_test.cc │ │ ├── cpu_bytesizeof_test.cc │ │ ├── cpu_codegen_test.h │ │ ├── cpu_external_constants_test.cc │ │ ├── cpu_ffi_test.cc │ │ ├── cpu_fusion_test.cc │ │ ├── cpu_infeed_test.cc │ │ ├── cpu_intrinsic_test.cc │ │ ├── cpu_literal_caching_test.cc │ │ ├── cpu_noalias_test.cc │ │ ├── cpu_spmd_compile_test.cc │ │ ├── cpu_vectorization_test.cc │ │ ├── cpu_while_test.cc │ │ ├── onednn_convolution_test.cc │ │ ├── onednn_fusion_test.cc │ │ ├── onednn_layer_norm_test.cc │ │ ├── onednn_matmul_test.cc │ │ ├── onednn_memory_util_test.cc │ │ ├── onednn_softmax_test.cc │ │ ├── tree_reduction_rewriter_test.cc │ │ └── xnn_fusion_test.cc │ ├── thunk_emitter.cc │ ├── thunk_emitter.h │ ├── tiled_dot_emitter.cc │ ├── tiled_dot_emitter.h │ └── vectorized_reduce_with_no_vector_registers_test.cc ├── cpu_gpu_shape_verifier.cc ├── cpu_gpu_shape_verifier.h ├── cpu_gpu_shape_verifier_test.cc ├── custom_call_sharding_helper.cc ├── custom_call_sharding_helper.h ├── custom_call_status.cc ├── custom_call_status.h ├── custom_call_status_internal.h ├── custom_call_status_test.cc ├── custom_call_status_test_c_caller.c ├── custom_call_status_test_c_caller.h ├── custom_call_target_registry.cc ├── custom_call_target_registry.h ├── custom_call_target_registry_test.cc ├── debug │ ├── BUILD │ ├── float_check_device_test.cc │ ├── unstable_reduction_detector.cc │ ├── unstable_reduction_detector.h │ ├── unstable_reduction_detector_test.cc │ ├── unstable_reduction_finder.cc │ ├── unstable_reduction_finder.h │ └── unstable_reduction_finder_test.cc ├── dot_as_convolution_util.cc ├── dot_as_convolution_util.h ├── dump.cc ├── dump.h ├── dump_test.cc ├── dynamic_dimension_inference.cc ├── dynamic_dimension_inference.h ├── dynamic_dimension_inference_test.cc ├── dynamic_padder.cc ├── dynamic_padder.h ├── dynamic_padder_test.cc ├── dynamic_parameter_binding_test.cc ├── dynamic_update_slice_test.cc ├── dynamic_window_utils.cc ├── dynamic_window_utils.h ├── elemental_ir_emitter.cc ├── elemental_ir_emitter.h ├── elemental_ir_emitter_test.cc ├── executable.cc ├── executable.h ├── executable_test.cc ├── execution_tracker.cc ├── execution_tracker.h ├── export_hlo.h ├── float8_fnuz_ir_emitter.cc ├── float8_fnuz_ir_emitter.h ├── float_support.cc ├── float_support.h ├── fusion_node_indexing_evaluation.cc ├── fusion_node_indexing_evaluation.h ├── fusion_node_indexing_evaluation_test.cc ├── fusion_queue.h ├── fuzzy_matcher.h ├── fuzzy_matcher_test.cc ├── gather_expander.cc ├── gather_expander.h ├── gather_expander_test.cc ├── gather_scatter_utils.cc ├── gather_scatter_utils.h ├── generic_transfer_manager.cc ├── generic_transfer_manager.h ├── generic_transfer_manager_test.cc ├── global_device_id.h ├── gpu │ ├── BUILD │ ├── alias_info.cc │ ├── alias_info.h │ ├── alias_info_test.cc │ ├── amdgpu_compiler.cc │ ├── amdgpu_compiler.h │ ├── amdgpu_compiler_registration.cc │ ├── auto_sharding_gpu_compiler_test.cc │ ├── autotuning │ │ ├── BUILD │ │ ├── autotune_cache_key.cc │ │ ├── autotune_cache_key.h │ │ ├── autotune_cache_key_test.cc │ │ ├── autotuner_compile_util.cc │ │ ├── autotuner_compile_util.h │ │ ├── autotuner_pass.cc │ │ ├── autotuner_pass.h │ │ ├── autotuner_pass_test.cc │ │ ├── autotuner_status_key.cc │ │ ├── autotuner_status_key.h │ │ ├── autotuner_util.cc │ │ ├── autotuner_util.h │ │ ├── autotuner_util_test.cc │ │ ├── conv_algorithm_picker.cc │ │ ├── conv_algorithm_picker.h │ │ ├── conv_algorithm_picker_test.cc │ │ ├── dot_search_space.cc │ │ ├── dot_search_space.h │ │ ├── dot_search_space_test.cc │ │ ├── gemm_fusion_autotuner.cc │ │ ├── gemm_fusion_autotuner.h │ │ ├── gemm_fusion_autotuner_cuda.cc │ │ ├── gemm_fusion_autotuner_rocm.cc │ │ ├── gemm_fusion_autotuner_test.cc │ │ ├── gpu_autotuning.proto │ │ ├── redzone_buffers.cc │ │ ├── redzone_buffers.h │ │ ├── redzone_buffers_test.cc │ │ └── triton_configs.h │ ├── backend_configs.proto │ ├── backend_configs_test.cc │ ├── buffer_allocations.cc │ ├── buffer_allocations.h │ ├── build_defs.bzl │ ├── compile_module_to_llvm_ir.cc │ ├── compile_module_to_llvm_ir.h │ ├── conv_layout_normalization.cc │ ├── conv_layout_normalization.h │ ├── conv_layout_normalization_test.cc │ ├── cublas_cudnn.cc │ ├── cublas_cudnn.h │ ├── cublas_padding_requirements.cc │ ├── cublas_padding_requirements.h │ ├── cudnn_support_utils.cc │ ├── cudnn_support_utils.h │ ├── cudnn_support_utils_test.cc │ ├── custom_call_test.cc │ ├── custom_kernel_emitter.h │ ├── custom_kernel_emitter_cuda.cc │ ├── custom_kernel_emitter_rocm.cc │ ├── custom_kernel_emitter_sycl_stub.cc │ ├── data │ │ └── hlo_algorithm_denylist.pbtxt │ ├── determinism_test.cc │ ├── dot_algorithm_support_test.cc │ ├── dynamic_slicing_utils.cc │ ├── dynamic_slicing_utils.h │ ├── execution_stream_assignment.cc │ ├── execution_stream_assignment.h │ ├── execution_stream_assignment_test.cc │ ├── flag_utils.h │ ├── flag_utils_test.cc │ ├── float_support_test.cc │ ├── fusion_deduplication_cache.cc │ ├── fusion_deduplication_cache.h │ ├── fusion_deduplication_cache_test.cc │ ├── fusion_dispatch_pipeline.cc │ ├── fusion_dispatch_pipeline.h │ ├── fusion_pipeline.cc │ ├── fusion_pipeline.h │ ├── fusion_process_dump.cc │ ├── fusion_process_dump.h │ ├── fusion_process_dump.proto │ ├── fusion_process_dump_test.cc │ ├── gpu_aot_compilation_result.h │ ├── gpu_aot_compilation_result_test.cc │ ├── gpu_aot_compilation_test.cc │ ├── gpu_asm_opts_util.cc │ ├── gpu_asm_opts_util.h │ ├── gpu_asm_opts_util_test.cc │ ├── gpu_compiler.cc │ ├── gpu_compiler.h │ ├── gpu_compiler_test.cc │ ├── gpu_compiler_test_autotune_db.textproto │ ├── gpu_constants.h │ ├── gpu_conv_runner.cc │ ├── gpu_conv_runner.h │ ├── gpu_conv_runner.proto │ ├── gpu_conv_runner_test.cc │ ├── gpu_copy_insertion_test.cc │ ├── gpu_device_info_for_tests.cc │ ├── gpu_device_info_for_tests.h │ ├── gpu_executable.cc │ ├── gpu_executable.h │ ├── gpu_executable.proto │ ├── gpu_executable_run_options.cc │ ├── gpu_executable_run_options.h │ ├── gpu_executable_test.cc │ ├── gpu_float_support.cc │ ├── gpu_float_support.h │ ├── gpu_float_support_test.cc │ ├── gpu_fusible.cc │ ├── gpu_fusible.h │ ├── gpu_fusible_test.cc │ ├── gpu_hlo_schedule.cc │ ├── gpu_hlo_schedule.h │ ├── gpu_hlo_schedule_test.cc │ ├── gpu_latency_hiding_scheduler.cc │ ├── gpu_latency_hiding_scheduler.h │ ├── gpu_latency_hiding_scheduler_test.cc │ ├── gpu_memory_space_assignment.cc │ ├── gpu_memory_space_assignment.h │ ├── gpu_memory_space_assignment_test.cc │ ├── gpu_norm_runner.cc │ ├── gpu_norm_runner.h │ ├── gpu_norm_runner.proto │ ├── gpu_norm_runner_test.cc │ ├── gpu_offloading_test.cc │ ├── gpu_spmd_pipeline.cc │ ├── gpu_spmd_pipeline.h │ ├── gpu_spmd_pipeline_test.cc │ ├── gpu_symbol_repository.h │ ├── gpu_transfer_manager.cc │ ├── gpu_transfer_manager.h │ ├── hlo_algorithm_denylist.cc │ ├── hlo_algorithm_denylist.h │ ├── hlo_algorithm_denylist_test.cc │ ├── hlo_fusion_analysis.cc │ ├── hlo_fusion_analysis.h │ ├── hlo_fusion_analysis_test.cc │ ├── hlo_fusion_stats.cc │ ├── hlo_fusion_stats.h │ ├── hlo_fusion_stats_test.cc │ ├── hlo_to_ir_bindings.cc │ ├── hlo_to_ir_bindings.h │ ├── infeed_manager.cc │ ├── infeed_manager.h │ ├── intel_gpu_compiler.cc │ ├── intel_gpu_compiler.h │ ├── intel_gpu_compiler_registration.cc │ ├── intel_gpu_compiler_test.cc │ ├── ir_emission_utils.cc │ ├── ir_emission_utils.h │ ├── ir_emission_utils.proto │ ├── ir_emission_utils_test.cc │ ├── ir_emitter_context.h │ ├── kernel_call.cc │ ├── kernel_call.h │ ├── kernel_call_test.cc │ ├── kernel_reuse_cache.cc │ ├── kernel_reuse_cache.h │ ├── kernel_reuse_cache.proto │ ├── kernel_reuse_cache_test.cc │ ├── kernels │ │ ├── BUILD │ │ ├── custom_kernel.cc │ │ ├── custom_kernel.h │ │ ├── custom_kernel.proto │ │ ├── custom_kernel_fusion.cc │ │ ├── custom_kernel_fusion.h │ │ ├── custom_kernel_fusion_pattern.cc │ │ ├── custom_kernel_fusion_pattern.h │ │ ├── custom_kernel_test.cc │ │ ├── cutlass_gemm.cc │ │ ├── cutlass_gemm.h │ │ ├── cutlass_gemm_adaptor.cu.h │ │ ├── cutlass_gemm_custom_kernel.cc │ │ ├── cutlass_gemm_custom_kernel.h │ │ ├── cutlass_gemm_custom_kernel_benchmarks.cc │ │ ├── cutlass_gemm_custom_kernel_test.cc │ │ ├── cutlass_gemm_epilogue.cu.h │ │ ├── cutlass_gemm_fusion.cc │ │ ├── cutlass_gemm_fusion.h │ │ ├── cutlass_gemm_fusion_test.cc │ │ ├── cutlass_gemm_kernel_bf16xbf16_to_bf16.cu.cc │ │ ├── cutlass_gemm_kernel_bf16xbf16_to_f32.cu.cc │ │ ├── cutlass_gemm_kernel_bf16xs8_to_f32.cu.cc │ │ ├── cutlass_gemm_kernel_f32xbf16_to_f32.cu.cc │ │ ├── cutlass_gemm_kernel_f32xf32_to_f32.cc │ │ ├── cutlass_gemm_kernel_f32xf32_to_f32.cu.cc │ │ ├── ptx_custom_kernel.cc │ │ ├── ptx_custom_kernel.h │ │ └── ptx_custom_kernel_test.cc │ ├── launch_dimensions.cc │ ├── launch_dimensions.h │ ├── launch_dimensions.proto │ ├── launch_dimensions_test.cc │ ├── legacy_gpu_aot_compilation_result.cc │ ├── legacy_gpu_aot_compilation_result.h │ ├── llvm_gpu_backend │ │ ├── BUILD │ │ ├── amdgpu_backend.cc │ │ ├── amdgpu_backend.h │ │ ├── amdgpu_bitcode_link_test.cc │ │ ├── default │ │ │ ├── BUILD │ │ │ ├── load_ir_module.cc │ │ │ └── nvptx_libdevice_path.cc │ │ ├── generate_amdgpu_device_lib_data_tool.py │ │ ├── gpu_backend_lib.cc │ │ ├── gpu_backend_lib.h │ │ ├── load_ir_module.h │ │ ├── load_ir_module_test.cc │ │ ├── nvptx_backend.cc │ │ ├── nvptx_backend.h │ │ ├── nvptx_backend_test.cc │ │ ├── nvptx_libdevice_path.h │ │ ├── nvptx_utils.cc │ │ ├── nvptx_utils.h │ │ ├── nvptx_utils_test.cc │ │ ├── ptx_version_util.cc │ │ ├── ptx_version_util.h │ │ ├── spirv_backend.cc │ │ ├── spirv_backend.h │ │ ├── spirv_backend_test.cc │ │ ├── tests_data │ │ │ ├── amdgpu.ll │ │ │ └── saxpy.ll │ │ ├── utils.cc │ │ ├── utils.h │ │ └── utils_test.cc │ ├── matmul_utils.cc │ ├── matmul_utils.h │ ├── matmul_utils_test.cc │ ├── metrics.cc │ ├── metrics.h │ ├── metrics_test.cc │ ├── model │ │ ├── BUILD │ │ ├── analytical_latency_estimator.cc │ │ ├── analytical_latency_estimator.h │ │ ├── analytical_latency_estimator_test.cc │ │ ├── block_level_parameters.h │ │ ├── block_level_parameters_test.cc │ │ ├── coalescing_analysis.cc │ │ ├── coalescing_analysis.h │ │ ├── coalescing_analysis_test.cc │ │ ├── collective_interpolator.cc │ │ ├── collective_interpolator.h │ │ ├── collective_interpolator_data.h │ │ ├── collective_interpolator_test.cc │ │ ├── collective_ptable_stats_collection.cc │ │ ├── collective_ptable_stats_collection.h │ │ ├── collective_ptable_stats_collection_test.cc │ │ ├── experimental │ │ │ ├── BUILD │ │ │ ├── symbolic_tile.cc │ │ │ ├── symbolic_tile.h │ │ │ ├── symbolic_tile_propagation.cc │ │ │ ├── symbolic_tile_propagation.h │ │ │ ├── symbolic_tile_propagation_test.cc │ │ │ ├── symbolic_tile_test.cc │ │ │ ├── symbolic_tiled_hlo.cc │ │ │ ├── symbolic_tiled_hlo.h │ │ │ ├── symbolic_tiled_hlo_computation.cc │ │ │ ├── symbolic_tiled_hlo_computation.h │ │ │ ├── symbolic_tiled_hlo_computation_test.cc │ │ │ ├── symbolic_tiled_hlo_test.cc │ │ │ ├── test_utils.cc │ │ │ ├── test_utils.h │ │ │ ├── tiling_space.cc │ │ │ ├── tiling_space.h │ │ │ └── tiling_space_test.cc │ │ ├── fusion_analysis_cache.cc │ │ ├── fusion_analysis_cache.h │ │ ├── fusion_analysis_cache_test.cc │ │ ├── gpu_collective_performance_model.cc │ │ ├── gpu_collective_performance_model.h │ │ ├── gpu_cost_model_stats_collection.cc │ │ ├── gpu_cost_model_stats_collection.h │ │ ├── gpu_cost_model_stats_collection_test.cc │ │ ├── gpu_dot_fusion_cost_model.cc │ │ ├── gpu_dot_fusion_cost_model.h │ │ ├── gpu_dot_fusion_cost_model_test.cc │ │ ├── gpu_hlo_cost_analysis.cc │ │ ├── gpu_hlo_cost_analysis.h │ │ ├── gpu_hlo_cost_analysis_test.cc │ │ ├── gpu_indexing_performance_model.cc │ │ ├── gpu_indexing_performance_model.h │ │ ├── gpu_indexing_performance_model_test.cc │ │ ├── gpu_performance_model.cc │ │ ├── gpu_performance_model.h │ │ ├── gpu_performance_model_base.cc │ │ ├── gpu_performance_model_base.h │ │ ├── gpu_performance_model_base_test.cc │ │ ├── gpu_performance_model_test.cc │ │ ├── hlo_op_profile.proto │ │ ├── hlo_op_profiler.cc │ │ ├── hlo_op_profiler.h │ │ ├── hlo_op_profiler_run.cc │ │ ├── hlo_op_profiler_test.cc │ │ ├── hlo_op_profiles.cc │ │ ├── hlo_op_profiles.h │ │ ├── hlo_op_profiles_data.h │ │ ├── hlo_op_profiles_test.cc │ │ ├── interpolator.h │ │ ├── interpolator_test.cc │ │ ├── matmul_interpolator.cc │ │ ├── matmul_interpolator.h │ │ ├── matmul_interpolator_data.h │ │ ├── matmul_interpolator_test.cc │ │ ├── matmul_interpolator_utils.cc │ │ ├── matmul_interpolator_utils.h │ │ ├── matmul_ptable_stats_collection.cc │ │ ├── matmul_ptable_stats_collection.h │ │ ├── matmul_ptable_stats_collection_test.cc │ │ ├── sol_gpu_cost_model.cc │ │ ├── sol_gpu_cost_model.h │ │ ├── sol_gpu_cost_model_stats_collection.cc │ │ ├── sol_gpu_cost_model_stats_collection.h │ │ ├── sol_gpu_cost_model_stats_collection_test.cc │ │ ├── sol_gpu_cost_model_test.cc │ │ ├── sol_latency_estimator.cc │ │ ├── sol_latency_estimator.h │ │ ├── sol_latency_estimator_test.cc │ │ ├── triton_emitter_constraints.cc │ │ ├── triton_emitter_constraints.h │ │ └── triton_emitter_constraints_test.cc │ ├── nvptx_alias_info.cc │ ├── nvptx_alias_info.h │ ├── nvptx_alias_info_test.cc │ ├── nvptx_compiler.cc │ ├── nvptx_compiler.h │ ├── nvptx_compiler_registration.cc │ ├── nvptx_compiler_test.cc │ ├── outfeed_manager.cc │ ├── outfeed_manager.h │ ├── pre_scheduling_copy_insertion_pipeline.cc │ ├── pre_scheduling_copy_insertion_pipeline.h │ ├── ptx_compilation_test.cc │ ├── ptx_compile_options_from_debug_options.cc │ ├── ptx_compile_options_from_debug_options.h │ ├── ptx_compile_options_from_debug_options_test.cc │ ├── reduction_utils.cc │ ├── reduction_utils.h │ ├── reduction_utils_test.cc │ ├── split_k_gemm_rewriter.cc │ ├── split_k_gemm_rewriter.h │ ├── split_k_gemm_rewriter_test.cc │ ├── stream_executor_util.cc │ ├── stream_executor_util.h │ ├── stream_executor_util_test.cc │ ├── target_constants.h │ ├── target_util.cc │ ├── target_util.h │ ├── target_util_test.cc │ ├── tests │ │ ├── BUILD │ │ ├── async_command_buffer_test.cc │ │ ├── async_kernel_launch_test.cc │ │ ├── bitcast-convert.hlo │ │ ├── calling_convention.hlo │ │ ├── command_buffer_test.cc │ │ ├── dot_bf16.hlo │ │ ├── dynamic_shared_memory_test.cc │ │ ├── dynamic_slice_fusion_test.cc │ │ ├── element_wise_row_vectorization_test.cc │ │ ├── float_conversions_test.cc │ │ ├── gpu_alignment_test.cc │ │ ├── gpu_atomic_test.cc │ │ ├── gpu_codegen_test.cc │ │ ├── gpu_codegen_test.h │ │ ├── gpu_compilation_parallelism_test.cc │ │ ├── gpu_convolution_regression_test.cc │ │ ├── gpu_copy_alone_test.cc │ │ ├── gpu_copy_test.cc │ │ ├── gpu_cub_sort_test.cc │ │ ├── gpu_dyn_shape_test.cc │ │ ├── gpu_ftz_test.cc │ │ ├── gpu_fused_mha_test.cc │ │ ├── gpu_index_test.cc │ │ ├── gpu_int4_test.cc │ │ ├── gpu_kernel_tiling_test.cc │ │ ├── gpu_ldg_test.cc │ │ ├── gpu_noalias_test.cc │ │ ├── gpu_spmd_e2e_compile_test.cc │ │ ├── gpu_too_many_blocks_test.cc │ │ ├── gpu_triton_custom_call_test.cc │ │ ├── gpu_unrolling_test.cc │ │ ├── in_place_op_test.cc │ │ ├── infeed_test.cc │ │ ├── kernel_launch_test.cc │ │ ├── kernel_reuse.hlo │ │ ├── mock_custom_call_test.cc │ │ ├── nop_custom_call_test.cc │ │ ├── offload_scan_output.hlo │ │ ├── pad_to_static.hlo │ │ ├── parallel_reduction_test.cc │ │ ├── pred_arithmetic_test.cc │ │ ├── ptx_kernel_test.cc │ │ ├── ragged_dot_test.cc │ │ ├── reduce-precision.hlo │ │ ├── reduce_fold_zero_add.hlo │ │ ├── reduction_vectorization_test.cc │ │ ├── regression_dot_test.cc │ │ ├── rng_get_and_update_state.hlo │ │ ├── select_and_scatter_test.cc │ │ ├── simple_optimization_test.cc │ │ ├── simplify_fp_conversions_test.cc │ │ ├── single_instruction.hlo │ │ ├── slice_to_dynamic.hlo │ │ ├── sorting.hlo │ │ ├── sorting_test.cc │ │ ├── sub_byte_collectives.hlo │ │ ├── swap_conv_operands_test.cc │ │ ├── tensor_float_32_global_var_test.cc │ │ ├── test_autotune_cache.textproto │ │ ├── triton_naming.hlo │ │ ├── xla-opt.cc │ │ └── zero_clamp_abs_index.hlo │ ├── thunk_emitter.cc │ ├── thunk_emitter.h │ ├── transforms │ │ ├── BUILD │ │ ├── README.md │ │ ├── add_tracking_suffix_to_instruction_names.cc │ │ ├── add_tracking_suffix_to_instruction_names.h │ │ ├── add_tracking_suffix_to_instruction_names_test.cc │ │ ├── algebraic_simplifier.cc │ │ ├── algebraic_simplifier.h │ │ ├── algebraic_simplifier_test.cc │ │ ├── algorithm_checker.cc │ │ ├── algorithm_checker.h │ │ ├── alias_passthrough_params.cc │ │ ├── alias_passthrough_params.h │ │ ├── alias_passthrough_params_test.cc │ │ ├── async_wrapper.cc │ │ ├── async_wrapper.h │ │ ├── async_wrapper_test.cc │ │ ├── block_scaling_rewriter.cc │ │ ├── block_scaling_rewriter.h │ │ ├── block_scaling_rewriter_cudnn_test.cc │ │ ├── block_scaling_rewriter_test.cc │ │ ├── collectives │ │ │ ├── BUILD │ │ │ ├── all_gather_combiner.cc │ │ │ ├── all_gather_combiner.h │ │ │ ├── all_gather_combiner_test.cc │ │ │ ├── all_gather_dynamic_slice_simplifier.cc │ │ │ ├── all_gather_dynamic_slice_simplifier.h │ │ │ ├── all_gather_dynamic_slice_simplifier_test.cc │ │ │ ├── all_gather_optimizer.cc │ │ │ ├── all_gather_optimizer.h │ │ │ ├── all_gather_optimizer_test.cc │ │ │ ├── all_reduce_blueconnect.cc │ │ │ ├── all_reduce_blueconnect.h │ │ │ ├── all_reduce_blueconnect_test.cc │ │ │ ├── all_reduce_combiner.cc │ │ │ ├── all_reduce_combiner.h │ │ │ ├── all_reduce_combiner_test.cc │ │ │ ├── all_reduce_decomposer.cc │ │ │ ├── all_reduce_decomposer.h │ │ │ ├── all_reduce_decomposer_test.cc │ │ │ ├── all_reduce_splitter.cc │ │ │ ├── all_reduce_splitter.h │ │ │ ├── all_reduce_splitter_test.cc │ │ │ ├── async_collective_annotator.cc │ │ │ ├── async_collective_annotator.h │ │ │ ├── async_collective_annotator_test.cc │ │ │ ├── collective_backend_assigner.cc │ │ │ ├── collective_backend_assigner.h │ │ │ ├── collective_backend_assigner_test.cc │ │ │ ├── collective_combiner_annotator.cc │ │ │ ├── collective_combiner_annotator.h │ │ │ ├── collective_combiner_annotator_test.cc │ │ │ ├── collective_ops_utils.cc │ │ │ ├── collective_ops_utils.h │ │ │ ├── collective_ops_utils_test.cc │ │ │ ├── collective_permute_cycle_decomposer.cc │ │ │ ├── collective_permute_cycle_decomposer.h │ │ │ ├── collective_permute_cycle_decomposer_test.cc │ │ │ ├── collective_pipelining_analyzer.cc │ │ │ ├── collective_pipelining_analyzer.h │ │ │ ├── collective_pipelining_analyzer_test.cc │ │ │ ├── collective_select_folder.cc │ │ │ ├── collective_select_folder.h │ │ │ ├── collective_select_folder_test.cc │ │ │ ├── collective_send_recv_combiner.cc │ │ │ ├── collective_send_recv_combiner.h │ │ │ ├── collective_send_recv_combiner_test.cc │ │ │ ├── convert_async_collectives_to_sync.cc │ │ │ ├── convert_async_collectives_to_sync.h │ │ │ ├── convert_async_collectives_to_sync_test.cc │ │ │ ├── gpu_collective_combiner_utils.cc │ │ │ ├── gpu_collective_combiner_utils.h │ │ │ ├── gpu_collective_combiner_utils_test.cc │ │ │ ├── reduce_scatter_combiner.cc │ │ │ ├── reduce_scatter_combiner.h │ │ │ └── reduce_scatter_combiner_test.cc │ │ ├── composite_rewriter.cc │ │ ├── composite_rewriter.h │ │ ├── composite_rewriter_test.cc │ │ ├── conv_padding_legalization.cc │ │ ├── conv_padding_legalization.h │ │ ├── conv_padding_legalization_test.cc │ │ ├── conv_rewriter.cc │ │ ├── conv_rewriter.h │ │ ├── conv_rewriter_test.cc │ │ ├── copy_fusion.cc │ │ ├── copy_fusion.h │ │ ├── copy_fusion_test.cc │ │ ├── cublas_gemm_rewriter_test.cc │ │ ├── cublas_pad_for_gemms.cc │ │ ├── cublas_pad_for_gemms.h │ │ ├── cublas_pad_for_gemms_test.cc │ │ ├── cudnn_custom_call_compiler.cc │ │ ├── cudnn_custom_call_compiler.h │ │ ├── cudnn_custom_call_converter.cc │ │ ├── cudnn_custom_call_converter.h │ │ ├── cudnn_custom_call_converter_test.cc │ │ ├── cudnn_fused_conv_rewriter.cc │ │ ├── cudnn_fused_conv_rewriter.h │ │ ├── cudnn_fused_conv_rewriter_test.cc │ │ ├── cudnn_fusion_compiler.cc │ │ ├── cudnn_fusion_compiler.h │ │ ├── cudnn_norm_rewriter.cc │ │ ├── cudnn_norm_rewriter.h │ │ ├── cudnn_norm_rewriter_test.cc │ │ ├── cudnn_pad_for_convolutions.cc │ │ ├── cudnn_pad_for_convolutions.h │ │ ├── cudnn_pad_for_convolutions_test.cc │ │ ├── cudnn_simplify_padding.cc │ │ ├── cudnn_simplify_padding.h │ │ ├── cudnn_simplify_padding_test.cc │ │ ├── custom_kernel_fusion_rewriter.cc │ │ ├── custom_kernel_fusion_rewriter.h │ │ ├── custom_kernel_fusion_rewriter_test.cc │ │ ├── dot_algorithm_rewriter.cc │ │ ├── dot_algorithm_rewriter.h │ │ ├── dot_dimension_sorter.cc │ │ ├── dot_dimension_sorter.h │ │ ├── dot_dimension_sorter_test.cc │ │ ├── dot_normalizer.cc │ │ ├── dot_normalizer.h │ │ ├── dot_normalizer_test.cc │ │ ├── dot_operand_converter.cc │ │ ├── dot_operand_converter.h │ │ ├── dot_operand_converter_test.cc │ │ ├── dot_strength_reduction.cc │ │ ├── dot_strength_reduction.h │ │ ├── dot_strength_reduction_test.cc │ │ ├── double_buffer_loop_unrolling.cc │ │ ├── double_buffer_loop_unrolling.h │ │ ├── double_buffer_loop_unrolling_test.cc │ │ ├── dynamic_slice_fusion_rewriter.cc │ │ ├── dynamic_slice_fusion_rewriter.h │ │ ├── dynamic_slice_fusion_rewriter_test.cc │ │ ├── explicit_collectives_group_async_wrapper.cc │ │ ├── explicit_collectives_group_async_wrapper.h │ │ ├── explicit_collectives_group_async_wrapper_test.cc │ │ ├── explicit_stream_annotation_async_wrapper.cc │ │ ├── explicit_stream_annotation_async_wrapper.h │ │ ├── explicit_stream_annotation_async_wrapper_test.cc │ │ ├── fusion_block_level_rewriter.cc │ │ ├── fusion_block_level_rewriter.h │ │ ├── fusion_block_level_rewriter_test.cc │ │ ├── fusion_dynamic_memcpy_rewriter.cc │ │ ├── fusion_dynamic_memcpy_rewriter.h │ │ ├── fusion_dynamic_memcpy_rewriter_test.cc │ │ ├── fusion_wrapper.cc │ │ ├── fusion_wrapper.h │ │ ├── fusion_wrapper_test.cc │ │ ├── gemm_broadcast_folding_rewriter.cc │ │ ├── gemm_broadcast_folding_rewriter.h │ │ ├── gemm_broadcast_folding_rewriter_test.cc │ │ ├── gemm_fusion.cc │ │ ├── gemm_fusion.h │ │ ├── gemm_fusion_swap_operands.cc │ │ ├── gemm_fusion_swap_operands.h │ │ ├── gemm_fusion_swap_operands_test.cc │ │ ├── gemm_fusion_test.cc │ │ ├── gemm_rewriter.cc │ │ ├── gemm_rewriter.h │ │ ├── gemm_rewriter_fp8_test.cc │ │ ├── gemm_rewriter_test.cc │ │ ├── gemm_rewriter_test_lib.cc │ │ ├── gemm_rewriter_test_lib.h │ │ ├── gemv_rewriter.cc │ │ ├── gemv_rewriter.h │ │ ├── gemv_rewriter_test.cc │ │ ├── layout_assignment.cc │ │ ├── layout_assignment.h │ │ ├── layout_assignment_a100.hlo │ │ ├── layout_assignment_h100.hlo │ │ ├── layout_assignment_test.cc │ │ ├── layout_assignment_v100.hlo │ │ ├── move_copy_to_users.cc │ │ ├── move_copy_to_users.h │ │ ├── move_copy_to_users_test.cc │ │ ├── multi_output_fusion.cc │ │ ├── multi_output_fusion.h │ │ ├── multi_output_fusion_test.cc │ │ ├── nest_gemm_fusion.cc │ │ ├── nest_gemm_fusion.h │ │ ├── nest_gemm_fusion_test.cc │ │ ├── pgle_accuracy_checker.cc │ │ ├── pgle_accuracy_checker.h │ │ ├── pgle_accuracy_checker_test.cc │ │ ├── priority_fusion.cc │ │ ├── priority_fusion.h │ │ ├── priority_fusion_test.cc │ │ ├── ragged_all_to_all_canonicalizer.cc │ │ ├── ragged_all_to_all_canonicalizer.h │ │ ├── ragged_all_to_all_canonicalizer_test.cc │ │ ├── ragged_all_to_all_decomposer.cc │ │ ├── ragged_all_to_all_decomposer.h │ │ ├── ragged_all_to_all_decomposer_test.cc │ │ ├── ragged_all_to_all_multi_host_decomposer.cc │ │ ├── ragged_all_to_all_multi_host_decomposer.h │ │ ├── ragged_all_to_all_multi_host_decomposer_test.cc │ │ ├── reduce_scatter_creator.cc │ │ ├── reduce_scatter_creator.h │ │ ├── reduce_scatter_creator_test.cc │ │ ├── reduction_degenerate_dim_remover.cc │ │ ├── reduction_degenerate_dim_remover.h │ │ ├── reduction_degenerate_dim_remover_test.cc │ │ ├── reduction_dimension_grouper.cc │ │ ├── reduction_dimension_grouper.h │ │ ├── reduction_dimension_grouper_test.cc │ │ ├── reduction_layout_normalizer.cc │ │ ├── reduction_layout_normalizer.h │ │ ├── reduction_layout_normalizer_test.cc │ │ ├── reduction_splitter.cc │ │ ├── reduction_splitter.h │ │ ├── reduction_splitter_test.cc │ │ ├── rename_fusions.cc │ │ ├── rename_fusions.h │ │ ├── rename_fusions_test.cc │ │ ├── sanitize_constant_names.cc │ │ ├── sanitize_constant_names.h │ │ ├── sanitize_constant_names_test.cc │ │ ├── scalar_constant_sinker.cc │ │ ├── scalar_constant_sinker.h │ │ ├── scalar_constant_sinker_test.cc │ │ ├── scaled_dot_rewriter.cc │ │ ├── scaled_dot_rewriter.h │ │ ├── scaled_dot_rewriter_test.cc │ │ ├── scatter_expander.cc │ │ ├── scatter_expander.h │ │ ├── scatter_slice_simplifier.cc │ │ ├── scatter_slice_simplifier.h │ │ ├── scatter_slice_simplifier_test.cc │ │ ├── scheduling_instruction_annotator.cc │ │ ├── scheduling_instruction_annotator.h │ │ ├── scheduling_instruction_annotator_test.cc │ │ ├── softmax_rewriter_triton.cc │ │ ├── softmax_rewriter_triton.h │ │ ├── softmax_rewriter_triton_test.cc │ │ ├── sort_rewriter.cc │ │ ├── sort_rewriter.h │ │ ├── sort_rewriter_test.cc │ │ ├── splitk_rewriter.cc │ │ ├── splitk_rewriter.h │ │ ├── splitk_rewriter_test.cc │ │ ├── stream_attribute_annotator.cc │ │ ├── stream_attribute_annotator.h │ │ ├── stream_attribute_annotator_test.cc │ │ ├── stream_attribute_async_wrapper.cc │ │ ├── stream_attribute_async_wrapper.h │ │ ├── stream_attribute_async_wrapper_test.cc │ │ ├── topk_specializer.cc │ │ ├── topk_specializer.h │ │ ├── topk_specializer_test.cc │ │ ├── topk_splitter.cc │ │ ├── topk_splitter.h │ │ ├── topk_splitter_test.cc │ │ ├── transpose_dimension_grouper.cc │ │ ├── transpose_dimension_grouper.h │ │ ├── transpose_dimension_grouper_test.cc │ │ ├── tree_reduction_rewriter.cc │ │ ├── tree_reduction_rewriter.h │ │ ├── tree_reduction_rewriter_test.cc │ │ ├── triangular_solve_rewriter.cc │ │ ├── triangular_solve_rewriter.h │ │ ├── triangular_solve_rewriter_test.cc │ │ ├── triton_fusion_numerics_verifier.cc │ │ ├── triton_fusion_numerics_verifier.h │ │ ├── triton_fusion_numerics_verifier_test.cc │ │ ├── variadic_op_splitter.cc │ │ ├── variadic_op_splitter.h │ │ ├── variadic_op_splitter_test.cc │ │ ├── windowed_einsum_handler.cc │ │ ├── windowed_einsum_handler.h │ │ └── windowed_einsum_handler_test.cc │ ├── triton_call.cc │ ├── triton_call.h │ ├── triton_fusion_analysis.cc │ ├── triton_fusion_analysis.h │ ├── triton_fusion_analysis_test.cc │ ├── triton_tiling_propagation.cc │ ├── triton_tiling_propagation.h │ ├── triton_tiling_propagation_test.cc │ ├── while_transformer_test.cc │ └── xfeed_queue.h ├── gpu_compilation_environment.cc ├── gpu_compilation_environment.h ├── gpu_compilation_environment_test.cc ├── graphcycles │ ├── BUILD │ ├── graphcycles.cc │ ├── graphcycles.h │ ├── graphcycles_test.cc │ ├── ordered_set.h │ └── ordered_set_test.cc ├── heap_simulator │ ├── BUILD │ ├── allocation_block.cc │ ├── allocation_block.h │ ├── heap_simulator.cc │ ├── heap_simulator.h │ └── heap_simulator_test.cc ├── hlo.proto ├── hlo_buffer.cc ├── hlo_buffer.h ├── hlo_casting_utils_test.cc ├── hlo_computation_test.cc ├── hlo_cost_analysis.cc ├── hlo_cost_analysis.h ├── hlo_cost_analysis_test.cc ├── hlo_creation_utils.cc ├── hlo_creation_utils.h ├── hlo_creation_utils_test.cc ├── hlo_cse.cc ├── hlo_cse.h ├── hlo_cse_test.cc ├── hlo_cycle_detection.h ├── hlo_domain_isolator.cc ├── hlo_domain_isolator.h ├── hlo_domain_map.cc ├── hlo_domain_map.h ├── hlo_domain_remover.cc ├── hlo_domain_remover.h ├── hlo_domain_test.cc ├── hlo_domain_verifier.cc ├── hlo_domain_verifier.h ├── hlo_execution_profile.cc ├── hlo_execution_profile.h ├── hlo_execution_profile_data.proto ├── hlo_execution_profile_test.cc ├── hlo_graph_dumper.cc ├── hlo_graph_dumper.h ├── hlo_graph_dumper_test.cc ├── hlo_input_output_alias_config_test.cc ├── hlo_instruction_test.cc ├── hlo_module_config.cc ├── hlo_module_config.h ├── hlo_module_config_test.cc ├── hlo_module_dce.cc ├── hlo_module_dce.h ├── hlo_module_dce_test.cc ├── hlo_module_group_test.cc ├── hlo_module_metadata_test.cc ├── hlo_module_test.cc ├── hlo_module_util.cc ├── hlo_module_util.h ├── hlo_phi_graph.cc ├── hlo_phi_graph.h ├── hlo_phi_graph_test.cc ├── hlo_profile_printer.cc ├── hlo_profile_printer.h ├── hlo_profile_printer_data.proto ├── hlo_proto_util.cc ├── hlo_proto_util.h ├── hlo_proto_util_test.cc ├── hlo_runner.cc ├── hlo_runner.h ├── hlo_runner_interface.cc ├── hlo_runner_interface.h ├── hlo_runner_pjrt.cc ├── hlo_runner_pjrt.h ├── hlo_runner_pjrt_test.cc ├── hlo_schedule_test.cc ├── hlo_sharding_test.cc ├── hlo_value.cc ├── hlo_value.h ├── hlo_verifier.cc ├── hlo_verifier.h ├── hlo_verifier_test.cc ├── host_offload_utils.cc ├── host_offload_utils.h ├── host_offload_utils_test.cc ├── human_readable_profile_builder.cc ├── human_readable_profile_builder.h ├── instruction_fusion.cc ├── instruction_fusion.h ├── instruction_fusion_test.cc ├── latency_hiding_scheduler.cc ├── latency_hiding_scheduler.h ├── latency_hiding_scheduler_test.cc ├── layout_assignment.cc ├── layout_assignment.h ├── layout_assignment_test.cc ├── layout_normalization.cc ├── layout_normalization.h ├── layout_normalization_test.cc ├── legalize_scheduling_annotations.cc ├── legalize_scheduling_annotations.h ├── legalize_scheduling_annotations_test.cc ├── llvm_compiler.cc ├── llvm_compiler.h ├── llvm_ir │ ├── BUILD │ ├── README.md │ ├── alias_analysis.cc │ ├── alias_analysis.h │ ├── buffer_assignment_util.cc │ ├── buffer_assignment_util.h │ ├── dynamic_update_slice_util.cc │ ├── dynamic_update_slice_util.h │ ├── fused_ir_emitter.cc │ ├── fused_ir_emitter.h │ ├── ir_array.cc │ ├── ir_array.h │ ├── ir_array_test.cc │ ├── ir_builder_mixin.h │ ├── kernel_support_library.cc │ ├── kernel_support_library.h │ ├── llvm_command_line_options.cc │ ├── llvm_command_line_options.h │ ├── llvm_loop.cc │ ├── llvm_loop.h │ ├── llvm_type_conversion_util.h │ ├── llvm_util.cc │ ├── llvm_util.h │ ├── llvm_util_test.cc │ ├── loop_emitter.cc │ ├── loop_emitter.h │ ├── tuple_ops.cc │ └── tuple_ops.h ├── local_service.cc ├── local_service.h ├── local_service_utils.cc ├── local_service_utils.h ├── lockable.h ├── lockable_test.cc ├── logical_buffer.cc ├── logical_buffer.h ├── loop_schedule_linearizer.cc ├── loop_schedule_linearizer.h ├── loop_schedule_linearizer_test.cc ├── map_inliner.cc ├── map_inliner.h ├── map_inliner_test.cc ├── mapped_ptr_container_sorter.h ├── mapped_ptr_container_sorter_test.cc ├── matmul_indexing_utils.cc ├── matmul_indexing_utils.h ├── matmul_indexing_utils_test.cc ├── maybe_owning_device_memory.cc ├── maybe_owning_device_memory.h ├── maybe_owning_device_memory_test.cc ├── memory_annotations.h ├── memory_space_assignment │ ├── BUILD │ ├── algorithm.cc │ ├── algorithm.h │ ├── allocation.cc │ ├── allocation.h │ ├── allocation_test.cc │ ├── allocation_value.cc │ ├── allocation_value.h │ ├── best_fit_repacker.cc │ ├── best_fit_repacker.h │ ├── best_fit_repacker_test.cc │ ├── buffer_interval_comparator.cc │ ├── buffer_interval_comparator.h │ ├── cost_analysis.cc │ ├── cost_analysis.h │ ├── cost_analysis_test.cc │ ├── memory_bound_loop_optimizer.cc │ ├── memory_bound_loop_optimizer.h │ ├── memory_bound_loop_optimizer_test.cc │ ├── memory_space_assignment.cc │ ├── memory_space_assignment.h │ ├── memory_space_assignment.proto │ ├── memory_space_assignment_test.cc │ ├── memory_space_assignment_test_base.h │ ├── options.cc │ ├── options.h │ ├── prefetch_interval_picker.cc │ ├── prefetch_interval_picker.h │ ├── prefetch_interval_picker_test.cc │ ├── repacking.h │ ├── simulator.cc │ ├── simulator.h │ ├── simulator_test.cc │ ├── slice.cc │ ├── slice.h │ ├── slice_test.cc │ ├── testing_utils.h │ ├── tuning_utils.cc │ ├── tuning_utils.h │ ├── utils.cc │ └── utils.h ├── metrics.proto ├── metrics_hook_interface.h ├── multi_output_fusion.cc ├── multi_output_fusion.h ├── name_uniquer.cc ├── name_uniquer.h ├── name_uniquer_test.cc ├── p2p_schedule_preparation.cc ├── p2p_schedule_preparation.h ├── p2p_schedule_preparation_test.cc ├── pattern_matcher.h ├── pattern_matcher_gmock_test.cc ├── pattern_matcher_test.cc ├── platform_util.cc ├── platform_util.h ├── profile_guided_latency_estimator.cc ├── profile_guided_latency_estimator.h ├── profile_guided_latency_estimator_test.cc ├── propagate_original_value_test.cc ├── reduce_scatter_combiner.cc ├── reduce_scatter_combiner.h ├── reduce_scatter_combiner_test.cc ├── reduce_scatter_decomposer.cc ├── reduce_scatter_decomposer.h ├── reduce_scatter_decomposer_test.cc ├── reduce_scatter_reassociate.cc ├── reduce_scatter_reassociate.h ├── reduce_scatter_reassociate_test.cc ├── rendezvous.cc ├── rendezvous.h ├── rendezvous_test.cc ├── scan_loop_accumulator_input_unification.cc ├── scan_loop_accumulator_input_unification.h ├── scan_loop_accumulator_input_unification_test.cc ├── scatter_determinism_expander.cc ├── scatter_determinism_expander.h ├── scatter_determinism_expander_test.cc ├── scatter_expander.cc ├── scatter_expander.h ├── scatter_expander_test.cc ├── scatter_simplifier.cc ├── scatter_simplifier.h ├── scatter_simplifier_test.cc ├── scatter_utils.cc ├── scatter_utils.h ├── schedule_config.cc ├── schedule_config.h ├── schedule_config_test.cc ├── scheduling_annotations_util.cc ├── scheduling_annotations_util.h ├── scheduling_annotations_util_test.cc ├── select_and_scatter_expander.cc ├── select_and_scatter_expander.h ├── select_and_scatter_expander_test.cc ├── service.cc ├── service.h ├── service_executable_run_options.h ├── shape_inference.cc ├── shape_inference.h ├── shape_inference_test.cc ├── shaped_buffer.cc ├── shaped_buffer.h ├── shaped_buffer_test.cc ├── sharding_config.cc ├── sharding_config.h ├── sharding_config_test.cc ├── sharding_propagation.cc ├── sharding_propagation.h ├── sharding_propagation_test.cc ├── sharding_remover.cc ├── sharding_remover.h ├── sharding_remover_test.cc ├── slow_operation_alarm.cc ├── slow_operation_alarm.h ├── slow_operation_alarm_test.cc ├── source_map_util.h ├── source_target_pairs.h ├── source_target_pairs_test.cc ├── space_to_batch_converter.cc ├── space_to_batch_converter.h ├── space_to_batch_converter_test.cc ├── spmd │ ├── BUILD │ ├── canonicalize_all_gather_for_cse.cc │ ├── canonicalize_all_gather_for_cse.h │ ├── canonicalize_all_gather_for_cse_test.cc │ ├── collective_permute_motion.cc │ ├── collective_permute_motion.h │ ├── collective_permute_motion_test.cc │ ├── convolution_handler.cc │ ├── convolution_handler.h │ ├── custom_call_handler.cc │ ├── custom_call_handler.h │ ├── dot_handler.cc │ ├── dot_handler.h │ ├── dot_handler_test.cc │ ├── fft_handler.cc │ ├── gather_scatter_handler.cc │ ├── partition_assignment.cc │ ├── partition_assignment.h │ ├── partition_assignment_test.cc │ ├── schedule_aware_collective_ops_cse.cc │ ├── schedule_aware_collective_ops_cse.h │ ├── schedule_aware_collective_ops_cse_test.cc │ ├── shard_barrier_partitioner.h │ ├── sharding_format_picker.cc │ ├── sharding_format_picker.h │ ├── shardy │ │ ├── BUILD │ │ ├── README.md │ │ ├── constants.h │ │ ├── extensions │ │ │ ├── BUILD │ │ │ ├── mhlo_extensions.cc │ │ │ └── mhlo_extensions.h │ │ ├── integrations │ │ │ └── c │ │ │ │ ├── BUILD │ │ │ │ ├── passes.cc │ │ │ │ └── passes.h │ │ ├── round_trip_common │ │ │ ├── BUILD │ │ │ ├── export_named_computations.cc │ │ │ ├── export_named_computations.h │ │ │ ├── import_constants.cc │ │ │ ├── import_constants.h │ │ │ ├── import_func_calls.cc │ │ │ ├── import_func_calls.h │ │ │ ├── import_sdy_custom_calls.cc │ │ │ ├── import_sdy_custom_calls.h │ │ │ ├── open_while_free_vars_sharding.cc │ │ │ ├── open_while_free_vars_sharding.h │ │ │ ├── pipeline_passes.cc │ │ │ └── pipeline_passes.h │ │ ├── sdy_opt_main.cc │ │ ├── sdy_round_trip │ │ │ ├── BUILD │ │ │ ├── dedup_meshes.cc │ │ │ ├── dedup_meshes.h │ │ │ ├── export_ops.cc │ │ │ ├── export_ops.h │ │ │ ├── export_shardy_attrs.cc │ │ │ ├── export_shardy_attrs.h │ │ │ ├── import_shardy_attrs.cc │ │ │ ├── import_shardy_attrs.h │ │ │ ├── pipelines.cc │ │ │ ├── pipelines.h │ │ │ ├── shard_map_export.cc │ │ │ ├── shard_map_export.h │ │ │ ├── shard_map_import.cc │ │ │ ├── shard_map_import.h │ │ │ └── test_utils │ │ │ │ ├── BUILD │ │ │ │ ├── stablehlo_to_hlo_to_stablehlo.cc │ │ │ │ ├── stablehlo_to_hlo_to_stablehlo.h │ │ │ │ ├── testing_pipeline.cc │ │ │ │ └── testing_pipeline.h │ │ ├── shardy_xla_pass.cc │ │ ├── shardy_xla_pass.h │ │ ├── shardy_xla_pass_test.cc │ │ ├── stablehlo_round_trip │ │ │ ├── BUILD │ │ │ ├── export_callback_custom_calls.cc │ │ │ ├── export_callback_custom_calls.h │ │ │ ├── export_manual_reduction_collectives.cc │ │ │ ├── export_manual_reduction_collectives.h │ │ │ ├── export_ops.cc │ │ │ ├── export_ops.h │ │ │ ├── export_shardings.cc │ │ │ ├── export_shardings.h │ │ │ ├── shard_map_export.cc │ │ │ ├── shard_map_export.h │ │ │ ├── shard_map_import.cc │ │ │ ├── shard_map_import.h │ │ │ ├── stablehlo_export.cc │ │ │ ├── stablehlo_export.h │ │ │ ├── stablehlo_import.cc │ │ │ ├── stablehlo_import.h │ │ │ └── stablehlo_import_test.cc │ │ ├── test │ │ │ ├── BUILD │ │ │ ├── dedup_meshes.mlir │ │ │ ├── export_named_computations.mlir │ │ │ ├── export_named_computations_deduplicate_functions_fully.mlir │ │ │ ├── import_func_calls.mlir │ │ │ ├── import_shardings.mlir │ │ │ ├── mhlo_extensions_test.mlir │ │ │ ├── open_while_free_vars_sharding.mlir │ │ │ ├── ragged_dot_insert_explicit_reshards.mlir │ │ │ ├── ragged_dot_insert_explicit_reshards_enable_full_version_true.mlir │ │ │ ├── round_trip_pipeline.mlir │ │ │ ├── round_trip_pipeline_manual_computation.mlir │ │ │ ├── sdy_round_trip_export_inline_round_trip.mlir │ │ │ ├── sdy_round_trip_export_pipeline.mlir │ │ │ ├── sdy_round_trip_export_pipeline_keep_meshes_inlined.mlir │ │ │ ├── sdy_round_trip_import_pipeline.mlir │ │ │ ├── sdy_round_trip_import_pipeline_import_func_calls_true.mlir │ │ │ ├── sdy_round_trip_import_pipeline_lift_and_dedup_meshes.mlir │ │ │ ├── sdy_round_trip_shard_map_export.mlir │ │ │ ├── sdy_round_trip_shard_map_import.mlir │ │ │ ├── sdy_round_trip_shard_map_import_failure.mlir │ │ │ ├── sdy_round_trip_sharding_group_import_failure.mlir │ │ │ ├── stablehlo_export_manual_reduction_collectives.mlir │ │ │ ├── stablehlo_export_pipeline.mlir │ │ │ ├── stablehlo_export_pipeline_sharding_constraint_to_custom_call.mlir │ │ │ ├── stablehlo_import_pipeline.mlir │ │ │ ├── stablehlo_round_trip_shard_map_export.mlir │ │ │ ├── stablehlo_round_trip_shard_map_export_import_pipeline.mlir │ │ │ ├── stablehlo_round_trip_shard_map_import.mlir │ │ │ └── stablehlo_round_trip_shard_map_import_failure.mlir │ │ ├── utils.cc │ │ ├── utils.h │ │ └── utils_test.cc │ ├── spmd_partitioner.cc │ ├── spmd_partitioner.h │ ├── spmd_partitioner_test.cc │ ├── spmd_partitioner_util.cc │ ├── spmd_partitioner_util.h │ ├── spmd_partitioner_util_test.cc │ ├── spmd_prepare.cc │ ├── spmd_prepare.h │ ├── spmd_prepare_test.cc │ ├── stateful_rng_spmd_partitioner.cc │ ├── stateful_rng_spmd_partitioner.h │ ├── stateful_rng_spmd_partitioner_test.cc │ ├── whole_graph_manual_pass.cc │ ├── whole_graph_manual_pass.h │ └── whole_graph_manual_pass_test.cc ├── stream_pool.cc ├── stream_pool.h ├── stream_pool_test.cc ├── symbol_repository.h ├── test_compilation_environment.proto ├── time_utils.h ├── topk_rewriter.cc ├── topk_rewriter.h ├── topk_rewriter_test.cc ├── tpu_computation_placer.cc ├── tpu_computation_placer.h ├── transfer_manager.cc ├── transfer_manager.h ├── transpose_folding.cc ├── transpose_folding.h ├── transpose_folding_test.cc ├── triangular_solve_expander.cc ├── triangular_solve_expander.h ├── triangular_solve_expander_test.cc ├── tuple_util.cc ├── tuple_util.h ├── tuple_util_test.cc ├── value_range.cc ├── value_range.h ├── value_range_test.cc ├── while_loop_all_reduce_code_motion.cc ├── while_loop_all_reduce_code_motion.h ├── while_loop_all_reduce_code_motion_test.cc ├── while_loop_concat_code_motion.cc ├── while_loop_concat_code_motion.h ├── while_loop_concat_code_motion_test.cc ├── while_loop_constant_sinking.cc ├── while_loop_constant_sinking.h ├── while_loop_constant_sinking_test.cc ├── while_loop_expensive_invariant_code_motion.cc ├── while_loop_expensive_invariant_code_motion.h ├── while_loop_expensive_invariant_code_motion_test.cc ├── while_loop_fusible_sinking.cc ├── while_loop_fusible_sinking.h ├── while_loop_fusible_sinking_test.cc ├── while_loop_invariant_code_motion.cc ├── while_loop_invariant_code_motion.h ├── while_loop_invariant_code_motion_test.cc ├── while_loop_pipeline_unroller.cc ├── while_loop_pipeline_unroller.h ├── while_loop_pipeline_unroller_test.cc ├── while_loop_simplifier.cc ├── while_loop_simplifier.h ├── while_loop_simplifier_test.cc ├── while_loop_unroller.cc ├── while_loop_unroller.h ├── while_loop_unroller_test.cc ├── while_util.cc ├── while_util.h ├── while_util_test.cc ├── xla_aot_compile_cpu_test.cc ├── xla_aot_compile_gpu_test.cc ├── xla_aot_compile_stablehlo_cpu_test.cc ├── xla_aot_compile_stablehlo_test.mlir ├── xla_aot_compile_test.hlo ├── xla_aot_compile_test.mlir ├── xla_aot_compile_test_autotune_results.txtpb ├── xla_aot_compile_test_constant.mlir ├── xla_aot_compile_test_convolution.mlir ├── xla_compile.bzl ├── xla_compile_main.cc ├── xla_compile_result.proto ├── xla_debug_info_manager.cc ├── xla_debug_info_manager.h └── xla_debug_info_manager_test.cc ├── sh_test_with_runfiles.py ├── shape.cc ├── shape.h ├── shape_layout.cc ├── shape_layout.h ├── shape_partition.cc ├── shape_partition.h ├── shape_partition_test.cc ├── shape_pool.cc ├── shape_pool.h ├── shape_pool_test.cc ├── shape_test.cc ├── shape_tree.h ├── shape_tree_test.cc ├── shape_util.cc ├── shape_util.h ├── shape_util.proto ├── shape_util_test.cc ├── sharding_op_util.cc ├── sharding_op_util.h ├── side_effect_util.cc ├── side_effect_util.h ├── sort_json.cc ├── sort_json.h ├── sort_json_test.cc ├── status_macros.cc ├── status_macros.h ├── status_macros_test.cc ├── stream_executor ├── BUILD ├── activate_context.h ├── allocator_stats.cc ├── allocator_stats.h ├── bit_pattern.cc ├── bit_pattern.h ├── bit_pattern_test.cc ├── blas.cc ├── blas.h ├── blas.proto ├── build_defs.bzl ├── command_buffer.h ├── cuda │ ├── BUILD │ ├── all_reduce_kernel_cuda.cc │ ├── assemble_compilation_provider.cc │ ├── assemble_compilation_provider.h │ ├── assemble_compilation_provider_test.cc │ ├── buffer_comparator_kernel_cuda.cu.cc │ ├── buffer_debug_float_check_kernel_cuda.cu.cc │ ├── buffer_debug_float_check_kernel_cuda_test.cc │ ├── buffer_debug_xor_checksum_kernel_cuda.cu.cc │ ├── buffer_debug_xor_checksum_kernel_cuda_test.cc │ ├── build_defs.bzl │ ├── caching_compilation_provider.cc │ ├── caching_compilation_provider.h │ ├── caching_compilation_provider_test.cc │ ├── command_buffer_kernels.cc │ ├── command_buffer_kernels.h │ ├── compilation_options.h │ ├── compilation_options_test.cc │ ├── compilation_provider.h │ ├── compilation_provider_options.cc │ ├── compilation_provider_options.h │ ├── compilation_provider_options_test.cc │ ├── compilation_provider_test.cc │ ├── compilation_provider_test.h │ ├── compilation_provider_test_with_gpu.cc │ ├── compilation_provider_test_without_gpu.cc │ ├── composite_compilation_provider.cc │ ├── composite_compilation_provider.h │ ├── composite_compilation_provider_test.cc │ ├── cub_prefix_sum_kernel_cuda.cu.cc │ ├── cub_prefix_sum_kernel_cuda_test.cc │ ├── cub_sort_kernel_cuda.cc │ ├── cub_sort_kernel_cuda.h │ ├── cub_sort_kernel_cuda_impl.cu.cc │ ├── cubin_or_ptx_image.h │ ├── cuda_asm_compiler.cc │ ├── cuda_asm_compiler.h │ ├── cuda_blas.cc │ ├── cuda_blas.h │ ├── cuda_blas_lt.cc │ ├── cuda_blas_lt.h │ ├── cuda_blas_utils.cc │ ├── cuda_blas_utils.h │ ├── cuda_command_buffer.cc │ ├── cuda_command_buffer.h │ ├── cuda_command_buffer_test.cc │ ├── cuda_compute_capability.cc │ ├── cuda_compute_capability.h │ ├── cuda_compute_capability.proto │ ├── cuda_compute_capability_test.cc │ ├── cuda_context.cc │ ├── cuda_context.h │ ├── cuda_diagnostics.cc │ ├── cuda_diagnostics.h │ ├── cuda_diagnostics_test.cc │ ├── cuda_dnn.cc │ ├── cuda_dnn.h │ ├── cuda_driver_test.cc │ ├── cuda_event.cc │ ├── cuda_event.h │ ├── cuda_event_test.cc │ ├── cuda_executor.cc │ ├── cuda_executor.h │ ├── cuda_executor_multigpu_test.cc │ ├── cuda_executor_multigpu_test_kernels.cu.cc │ ├── cuda_executor_multigpu_test_kernels.h │ ├── cuda_executor_test.cc │ ├── cuda_fft.cc │ ├── cuda_fft.h │ ├── cuda_helpers.h │ ├── cuda_kernel.cc │ ├── cuda_kernel.h │ ├── cuda_kernel_test.cc │ ├── cuda_platform.cc │ ├── cuda_platform.h │ ├── cuda_platform_id.cc │ ├── cuda_platform_id.h │ ├── cuda_platform_test.cc │ ├── cuda_status.cc │ ├── cuda_status.h │ ├── cuda_stream.cc │ ├── cuda_stream.h │ ├── cuda_stream_test.cc │ ├── cuda_timer.cc │ ├── cuda_timer.h │ ├── cuda_timer_test.cc │ ├── cuda_version_parser.cc │ ├── cuda_version_parser.h │ ├── cuda_version_parser_test.cc │ ├── cudnn_api_wrappers.cc │ ├── cudnn_api_wrappers.h │ ├── cudnn_api_wrappers_test.cc │ ├── cudnn_frontend_helpers.cc │ ├── cudnn_frontend_helpers.h │ ├── cudnn_sdpa_score_mod.cc │ ├── cudnn_sdpa_score_mod.h │ ├── cudnn_sdpa_score_mod_test.cc │ ├── defer_relocatable_compilation_compilation_provider.cc │ ├── defer_relocatable_compilation_compilation_provider.h │ ├── defer_relocatable_compilation_compilation_provider_test.cc │ ├── delay_kernel.h │ ├── delay_kernel_cuda.cu.cc │ ├── driver_compilation.cc │ ├── driver_compilation.h │ ├── driver_compilation_provider.cc │ ├── driver_compilation_provider.h │ ├── dummy_cuda_binary.cc │ ├── gpu_test_kernels_cuda.cu.cc │ ├── make_batch_pointers_kernel_cuda.cu.cc │ ├── mock_compilation_provider.h │ ├── nvjitlink.h │ ├── nvjitlink_compilation_provider.cc │ ├── nvjitlink_compilation_provider.h │ ├── nvjitlink_impl.cc │ ├── nvjitlink_known_issues.cc │ ├── nvjitlink_known_issues.h │ ├── nvjitlink_known_issues_test.cc │ ├── nvjitlink_stub.cc │ ├── nvjitlink_support.cc │ ├── nvjitlink_support.h │ ├── nvjitlink_test.cc │ ├── nvptxcompiler_compilation_provider.cc │ ├── nvptxcompiler_compilation_provider.h │ ├── ptx_compilation_method.h │ ├── ptx_compiler.h │ ├── ptx_compiler_helpers.cc │ ├── ptx_compiler_helpers.h │ ├── ptx_compiler_helpers_test.cc │ ├── ptx_compiler_impl.cc │ ├── ptx_compiler_stub.cc │ ├── ptx_compiler_support.cc │ ├── ptx_compiler_support.h │ ├── ptx_compiler_test.cc │ ├── ptx_linking_method.h │ ├── ragged_all_to_all_kernel_cuda.cc │ ├── redzone_allocator_kernel_cuda.cu.cc │ ├── repeat_buffer_kernel_cuda.cc │ ├── subprocess_compilation.cc │ ├── subprocess_compilation.h │ ├── subprocess_compilation_no_fakes_test.cc │ ├── subprocess_compilation_provider.cc │ ├── subprocess_compilation_provider.h │ ├── subprocess_compilation_test.cc │ ├── tma_util.cc │ ├── tma_util.h │ ├── tma_util_test.cc │ ├── topk_kernel_cuda_bfloat16.cu.cc │ ├── topk_kernel_cuda_common.cu.h │ └── topk_kernel_cuda_float.cu.cc ├── data_type.h ├── device_description.cc ├── device_description.h ├── device_description.proto ├── device_description_test.cc ├── device_memory.h ├── device_memory_allocator.h ├── device_memory_handle.cc ├── device_memory_handle.h ├── device_memory_handle_test.cc ├── dnn.cc ├── dnn.h ├── dnn_test.cc ├── engine_options.h ├── event.h ├── event_based_timer.h ├── executor_cache.cc ├── executor_cache.h ├── executor_cache_test.cc ├── fft.h ├── generic_memory_allocation.h ├── generic_memory_allocation_test.cc ├── generic_memory_allocator.h ├── generic_memory_allocator_test.cc ├── gpu │ ├── BUILD │ ├── all_reduce_kernel.h │ ├── all_reduce_kernel_lib.cu.h │ ├── asm_compiler.cc │ ├── asm_compiler.h │ ├── buffer_comparator_kernel.h │ ├── buffer_comparator_kernel_lib.cu.h │ ├── buffer_debug_float_check_kernel.h │ ├── buffer_debug_log.cc │ ├── buffer_debug_log.h │ ├── buffer_debug_log_test.cc │ ├── buffer_debug_xor_checksum_kernel.h │ ├── collective_kernel_metadata.h │ ├── context.h │ ├── context_map.h │ ├── context_map_test.cc │ ├── elf_section_extraction.cc │ ├── elf_section_extraction.h │ ├── elf_section_extraction_test.cc │ ├── gpu_asm_opts.h │ ├── gpu_blas_lt.cc │ ├── gpu_blas_lt.h │ ├── gpu_blas_lt.proto │ ├── gpu_blas_lt_test.cc │ ├── gpu_command_buffer.cc │ ├── gpu_command_buffer.h │ ├── gpu_command_buffer_test.cc │ ├── gpu_cudamallocasync_allocator.cc │ ├── gpu_cudamallocasync_allocator.h │ ├── gpu_cudamallocasync_allocator_test.cc │ ├── gpu_device_info_test.cc │ ├── gpu_executor.h │ ├── gpu_executor_test.cc │ ├── gpu_helpers.h │ ├── gpu_init.cc │ ├── gpu_init.h │ ├── gpu_kernel_registry.cc │ ├── gpu_kernel_registry.h │ ├── gpu_kernel_registry_test.cc │ ├── gpu_kernel_test.cc │ ├── gpu_semaphore.cc │ ├── gpu_semaphore.h │ ├── gpu_stream.cc │ ├── gpu_stream.h │ ├── gpu_test_kernel_traits.h │ ├── gpu_test_kernels.cc │ ├── gpu_test_kernels.h │ ├── gpu_test_kernels_fatbin.cc │ ├── gpu_test_kernels_fatbin.h │ ├── gpu_test_kernels_fatbin_test.cc │ ├── gpu_test_kernels_lib.cu.h │ ├── gpu_types.h │ ├── kernel_serialization_check.cc │ ├── kernel_serialization_check.h │ ├── make_batch_pointers_kernel.h │ ├── memcpy_test.cc │ ├── mock_context.h │ ├── multicast_memory.h │ ├── prefix_sum_kernel.h │ ├── ragged_all_to_all_kernel.h │ ├── ragged_all_to_all_kernel_lib.cu.h │ ├── read_numa_node.cc │ ├── read_numa_node.h │ ├── redzone_allocator.cc │ ├── redzone_allocator.h │ ├── redzone_allocator_kernel.h │ ├── redzone_allocator_kernel_lib.cu.h │ ├── redzone_allocator_test.cc │ ├── repeat_buffer_kernel.cu.h │ ├── repeat_buffer_kernel.h │ ├── repeat_buffer_kernel_test.cc │ ├── scoped_activate_context.cc │ ├── scoped_activate_context.h │ ├── scoped_activate_context_test.cc │ ├── stream_search_test.cc │ ├── tma_metadata.cc │ ├── tma_metadata.h │ ├── tma_metadata.proto │ ├── tma_metadata_test.cc │ └── topk_kernel.h ├── gpu_solver_context.h ├── host │ ├── BUILD │ ├── host_event.h │ ├── host_executor.cc │ ├── host_executor.h │ ├── host_platform.cc │ ├── host_platform.h │ ├── host_platform_id.cc │ ├── host_platform_id.h │ ├── host_stream.cc │ ├── host_stream.h │ ├── host_stream_factory.cc │ ├── host_stream_factory.h │ └── host_stream_test.cc ├── integrations │ ├── BUILD │ ├── device_mem_allocator.h │ ├── stream_executor_allocator.cc │ ├── stream_executor_allocator.h │ ├── stream_executor_allocator_test.cc │ ├── tf_allocator_adapter.cc │ ├── tf_allocator_adapter.h │ └── tf_allocator_adapter_test.cc ├── kernel.h ├── kernel_args.h ├── kernel_args_packed_vector.h ├── kernel_args_packed_vector_test.cc ├── kernel_args_test.cc ├── kernel_argument_packing_spec.cc ├── kernel_argument_packing_spec.h ├── kernel_argument_packing_spec.proto ├── kernel_argument_packing_spec_test.cc ├── kernel_metadata.h ├── kernel_metadata_test.cc ├── kernel_spec.cc ├── kernel_spec.h ├── kernel_spec.proto ├── kernel_spec_test.cc ├── kernel_stats.h ├── kernel_symbol_registry.cc ├── kernel_symbol_registry.h ├── kernel_symbol_registry_test.cc ├── launch_dim.cc ├── launch_dim.h ├── launch_dim.proto ├── launch_dim_test.cc ├── lazy_op_runner.h ├── memory_allocation.h ├── memory_allocator.h ├── mock_platform.h ├── mock_stream.h ├── mock_stream_executor.h ├── module_spec.h ├── platform.cc ├── platform.h ├── platform │ ├── BUILD │ ├── default │ │ ├── BUILD │ │ └── initialize.h │ ├── initialize.h │ ├── platform_object_registry.cc │ ├── platform_object_registry.h │ └── platform_object_registry_test.cc ├── platform_manager.cc ├── platform_manager.h ├── plugin_registry.cc ├── plugin_registry.h ├── rocm │ ├── BUILD │ ├── all_reduce_kernel_rocm.cc │ ├── buffer_comparator_kernel_rocm.cu.cc │ ├── cub_sort_kernel_rocm.cu.cc │ ├── gpu_test_kernels_rocm.cu.cc │ ├── hip_blas_lt.cc │ ├── hip_blas_lt.h │ ├── hip_blas_utils.cc │ ├── hip_blas_utils.h │ ├── hipblaslt_wrapper.h │ ├── hipsolver_wrapper.h │ ├── hipsparse_wrapper.h │ ├── make_batch_pointers_kernel_rocm.cu.cc │ ├── ragged_all_to_all_kernel_rocm.cc │ ├── redzone_allocator_kernel_rocm.cu.cc │ ├── repeat_buffer_kernel_rocm.cc │ ├── rocblas_wrapper.h │ ├── rocm_blas.cc │ ├── rocm_blas.h │ ├── rocm_command_buffer.cc │ ├── rocm_command_buffer.h │ ├── rocm_complex_converters.h │ ├── rocm_compute_capability.h │ ├── rocm_compute_capability_test.cc │ ├── rocm_context.cc │ ├── rocm_context.h │ ├── rocm_dnn.cc │ ├── rocm_dnn.h │ ├── rocm_driver_wrapper.h │ ├── rocm_event.cc │ ├── rocm_event.h │ ├── rocm_event_test.cc │ ├── rocm_executor.cc │ ├── rocm_executor.h │ ├── rocm_executor_test.cc │ ├── rocm_fft.cc │ ├── rocm_fft.h │ ├── rocm_helpers.cu.cc │ ├── rocm_kernel.cc │ ├── rocm_kernel.h │ ├── rocm_kernel_test.cc │ ├── rocm_platform.cc │ ├── rocm_platform.h │ ├── rocm_platform_id.cc │ ├── rocm_platform_id.h │ ├── rocm_solver_context.cc │ ├── rocm_solver_context.h │ ├── rocm_status.cc │ ├── rocm_status.h │ ├── rocm_status_test.cc │ ├── rocm_stream.cc │ ├── rocm_stream.h │ ├── rocm_stream_test.cc │ ├── rocm_timer.cc │ ├── rocm_timer.h │ ├── rocm_timer_test.cc │ ├── rocm_version_parser.cc │ ├── rocm_version_parser.h │ ├── rocm_version_parser_test.cc │ ├── rocsolver_wrapper.h │ ├── roctracer_wrapper.h │ ├── topk_kernel_rocm_bfloat16.cu.cc │ ├── topk_kernel_rocm_common.cu.h │ └── topk_kernel_rocm_float.cu.cc ├── scoped_module_handle.h ├── scoped_module_handle_test.cc ├── scratch_allocator.h ├── semantic_version.cc ├── semantic_version.h ├── semantic_version_test.cc ├── stream.cc ├── stream.h ├── stream_common.cc ├── stream_common.h ├── stream_executor.cc ├── stream_executor.h ├── stream_executor_common.cc ├── stream_executor_common.h ├── stream_executor_memory_allocator.cc ├── stream_executor_memory_allocator.h ├── stream_executor_test.cc ├── stream_finder.cc ├── stream_finder.h ├── stream_finder_test.cc ├── stream_test.cc ├── sycl │ ├── BUILD │ ├── sycl_context.cc │ ├── sycl_context.h │ ├── sycl_context_test.cc │ ├── sycl_event.cc │ ├── sycl_event.h │ ├── sycl_event_test.cc │ ├── sycl_gpu_runtime.cc │ ├── sycl_gpu_runtime.h │ ├── sycl_gpu_runtime_test.cc │ ├── sycl_kernel.cc │ ├── sycl_kernel.h │ ├── sycl_kernel_test.cc │ ├── sycl_platform.cc │ ├── sycl_platform.h │ ├── sycl_platform_id.cc │ ├── sycl_platform_id.h │ ├── sycl_platform_test.cc │ ├── sycl_solver_context.cc │ ├── sycl_solver_context.h │ ├── sycl_status.cc │ ├── sycl_status.h │ ├── sycl_status_test.cc │ ├── sycl_stream.cc │ ├── sycl_stream.h │ ├── sycl_stream_test.cc │ ├── sycl_timer.cc │ ├── sycl_timer.h │ └── sycl_timer_test.cc ├── tpu │ ├── BUILD │ ├── c_api_conversions.cc │ ├── c_api_conversions.h │ ├── c_api_conversions_test.cc │ ├── c_api_decl.h │ ├── c_api_defn.h │ ├── libtftpu.h │ ├── noncopyable_buffer.h │ ├── proto_helper.cc │ ├── proto_helper.h │ ├── status_helper.h │ ├── tpu_api.cc │ ├── tpu_api.h │ ├── tpu_api_dlsym_set_fn.h │ ├── tpu_event.h │ ├── tpu_executable.cc │ ├── tpu_executable.h │ ├── tpu_executable_interface.cc │ ├── tpu_executable_interface.h │ ├── tpu_executor.cc │ ├── tpu_executor.h │ ├── tpu_executor_api.cc │ ├── tpu_executor_api.h │ ├── tpu_executor_c_api.h │ ├── tpu_executor_init_fns.inc │ ├── tpu_executor_interface.h │ ├── tpu_initialize_util.cc │ ├── tpu_initialize_util.h │ ├── tpu_library_init_fns.inc │ ├── tpu_node_context.cc │ ├── tpu_node_context.h │ ├── tpu_on_demand_compiler.cc │ ├── tpu_op_executable.cc │ ├── tpu_op_executable.h │ ├── tpu_ops_c_api.h │ ├── tpu_platform.cc │ ├── tpu_platform.h │ ├── tpu_platform_id.cc │ ├── tpu_platform_id.h │ ├── tpu_platform_interface.cc │ ├── tpu_platform_interface.h │ ├── tpu_platform_registration.cc │ ├── tpu_profiler_c_api.h │ ├── tpu_profiler_init_fns.inc │ ├── tpu_stream.h │ ├── tpu_stream_interface.h │ ├── tpu_topology.cc │ ├── tpu_topology.h │ ├── tpu_transfer_manager.cc │ ├── tpu_transfer_manager.h │ ├── tpu_transfer_manager_interface.cc │ ├── tpu_transfer_manager_interface.h │ ├── tpu_transfer_manager_registration.cc │ └── tsl_status_helper.h ├── trace_command_buffer_factory.cc ├── trace_command_buffer_factory.h └── typed_kernel_factory.h ├── tests ├── BUILD ├── all_reduce_test.cc ├── array_elementwise_ops_test.cc ├── atan2_test.cc ├── axpy_simple_test.cc ├── bad_rng_shape_validation_test.cc ├── batch_norm_grad_test.cc ├── batch_norm_training_test.cc ├── batch_normalization_test.cc ├── bfloat16_test.cc ├── binop_scaling_test.cc ├── bitcast_convert_test.cc ├── broadcast_simple_test.cc ├── broadcast_test.cc ├── buffer_donation_test.cc ├── build_defs.bzl ├── call_test.cc ├── check_execution_arity_test.cc ├── cholesky_test.cc ├── client_library_test_base.cc ├── client_library_test_base.h ├── client_library_test_runner_mixin.h ├── client_library_test_runner_utils.cc ├── client_library_test_runner_utils.h ├── client_test.cc ├── codegen_test_base.cc ├── codegen_test_base.h ├── collective_metadata_test.cc ├── collective_ops_e2e_test.cc ├── collective_ops_e2e_test_base.cc ├── collective_ops_e2e_test_base.h ├── collective_ops_ffi_test.cc ├── collective_ops_sharded_unsharded_e2e_test.cc ├── collective_ops_test.cc ├── collective_pipeline_parallelism_test.cc ├── collective_pipeliner_execution_test.cc ├── complex_unary_op_samples.h ├── complex_unary_op_test.cc ├── compute_constant_test.cc ├── concat_test.cc ├── concatenate_test.cc ├── conditional_test.cc ├── constant_reduction_function_test.cc ├── constants_test.cc ├── conv_depthwise_backprop_filter_test.cc ├── conv_depthwise_common.cc ├── conv_depthwise_common.h ├── conv_depthwise_test.cc ├── convert_test.cc ├── convolution_cudnn_test.cc ├── convolution_dimension_numbers_test.cc ├── convolution_test.cc ├── convolution_test_1d.cc ├── convolution_variants_test.cc ├── copy_test.cc ├── cpu_gpu_fusion_test.cc ├── custom_call_test.cc ├── data │ └── cudnn_reproducer.hlo ├── deallocation_test.cc ├── deconstruct_tuple_test.cc ├── deep_graph_test.cc ├── dot_operation_test.cc ├── dynamic_ops_test.cc ├── dynamic_reshape_test.cc ├── exhaustive │ ├── BUILD │ ├── build_defs.bzl │ ├── error_spec.h │ ├── exhaustive_binary_test_definitions.h │ ├── exhaustive_binary_test_definitions.inc │ ├── exhaustive_binary_test_f16_and_smaller_instantiation.cc │ ├── exhaustive_binary_test_f16_and_smaller_instantiation.inc │ ├── exhaustive_binary_test_f32_instantiation.cc │ ├── exhaustive_binary_test_f32_instantiation.inc │ ├── exhaustive_binary_test_f64_instantiation.cc │ ├── exhaustive_binary_test_f64_instantiation.inc │ ├── exhaustive_binary_test_functions.cc │ ├── exhaustive_binary_test_ops.inc │ ├── exhaustive_op_test.h │ ├── exhaustive_op_test_base.cc │ ├── exhaustive_op_test_base.h │ ├── exhaustive_op_test_utils.cc │ ├── exhaustive_op_test_utils.h │ ├── exhaustive_test_main.cc │ ├── exhaustive_unary_complex_test.cc │ ├── exhaustive_unary_test_definitions.h │ ├── exhaustive_unary_test_definitions.inc │ ├── exhaustive_unary_test_f32_and_smaller_instantiation.cc │ ├── exhaustive_unary_test_f32_and_smaller_instantiation.inc │ ├── exhaustive_unary_test_f64_instantiation.cc │ ├── exhaustive_unary_test_f64_instantiation.inc │ ├── exhaustive_unary_test_functions.cc │ ├── exhaustive_unary_test_ops.inc │ ├── platform.cc │ ├── platform.h │ └── test_op.h ├── fft_test.cc ├── float8_test.cc ├── floor_ceil_test.cc ├── fmax_fmin_test.cc ├── gather_operation_test.cc ├── generate_complex_unary_op_samples.py ├── get_default_platform_test.cc ├── get_dimension_size_test.cc ├── grouped_convolution_test.cc ├── half_test.cc ├── hlo_metadata_test.cc ├── hlo_pjrt_interpreter_reference_mixin.h ├── hlo_pjrt_test_base.cc ├── hlo_pjrt_test_base.h ├── hlo_runner_agnostic_reference_mixin.cc ├── hlo_runner_agnostic_reference_mixin.h ├── hlo_runner_agnostic_test_base.cc ├── hlo_runner_agnostic_test_base.h ├── hlo_test_base.cc ├── hlo_test_base.h ├── hlo_test_base_with_mlir_context.h ├── int4_test.cc ├── iota_test.cc ├── isolated_convolution.hlo ├── literal_test_util.cc ├── literal_test_util.h ├── literal_test_util_test.cc ├── llvm_compiler_test.cc ├── llvm_irgen_test_base.cc ├── llvm_irgen_test_base.h ├── local_client_allocation_test.cc ├── local_client_execute_test.cc ├── local_client_test_base.cc ├── local_client_test_base.h ├── log_test.cc ├── map_test.cc ├── matmul_test.cc ├── matrix_ops_simple_test.cc ├── multidimensional_slice_test.cc ├── multioutput_fusion_test.cc ├── multiple_devices_on_host_test.cc ├── multithreaded_compilation_test.cc ├── nccl_group_execution_test.cc ├── numerics_test.cc ├── outfeed_in_nested_computation_test.cc ├── pad_test.cc ├── params_test.cc ├── pjrt_client_registry.cc ├── pjrt_client_registry.h ├── pjrt_cpu_client_registry.cc ├── pjrt_gpu_client_registry.cc ├── pjrt_interpreter_client_registry.cc ├── plugin.bzl ├── pred_test.cc ├── prng_test.cc ├── ptxas_bug_120501638.cc ├── query_inferred_shape_test.cc ├── ragged_all_to_all_e2e_test.cc ├── reduce_hlo_test.cc ├── reduce_precision_test.cc ├── reduce_test.cc ├── reduce_window_rewriter_execution_test.cc ├── reduce_window_test.cc ├── remainder_test.cc ├── replay_test.cc ├── replicated_io_feed_test.cc ├── reshape_motion_test.cc ├── reshape_test.cc ├── reverse_test.cc ├── rng_test.cc ├── round_trip_packed_literal_test.cc ├── round_trip_transfer_test.cc ├── runtime_topk_test.cc ├── sample_file_test.cc ├── sample_text_test.cc ├── scalar_computations_test.cc ├── scatter_test.cc ├── select_and_scatter_test.cc ├── select_test.cc ├── set_dimension_size_test.cc ├── slice_test.cc ├── sort_test.cc ├── split_phase_utils.cc ├── split_phase_utils.h ├── stochastic_convert_test.cc ├── test_utils.cc ├── test_utils.h ├── test_utils_test.cc ├── tile_assignment_test.cc ├── token_hlo_test.cc ├── topk_test.cc ├── transfer_manager_test.cc ├── transpose_test.cc ├── triangular_solve_test.cc ├── tuple_test.cc ├── two_plus_two_simple_test.cc ├── unary_op_test.cc ├── vector_ops_reduce_test.cc ├── vector_ops_simple_test.cc ├── while_test.cc ├── xla_internal_test_main.cc ├── xla_test_backend_predicates.cc └── xla_test_backend_predicates.h ├── text_literal_reader.cc ├── text_literal_reader.h ├── text_literal_reader_test.cc ├── text_literal_writer.cc ├── text_literal_writer.h ├── text_literal_writer_test.cc ├── tools ├── BUILD ├── benchmarks │ ├── baseline │ │ ├── nightly_baseline.yml │ │ ├── postsubmit_baseline.yml │ │ └── presubmit_baseline.yml │ ├── hlo │ │ ├── gpu_hlo.hlo │ │ ├── hlo_llama31_405b_bf16_16x8.hlo │ │ ├── hlo_llama31_405b_bf16_64x8.hlo │ │ ├── hlo_llama31_405b_fp8_16x8.hlo │ │ ├── hlo_llama31_405b_fp8_64x8.hlo │ │ ├── hlo_llama31_70b_bf16_16x8.hlo │ │ ├── hlo_llama31_70b_bf16_32x8.hlo │ │ ├── hlo_llama31_70b_fp8_16x8.hlo │ │ ├── hlo_llama31_70b_fp8_32x8.hlo │ │ ├── hlo_llama31_8b_bf16_1x8.hlo │ │ ├── hlo_llama31_8b_bf16_2x8.hlo │ │ ├── hlo_llama31_8b_fp8_1x8.hlo │ │ ├── hlo_llama31_8b_fp8_2x8.hlo │ │ ├── hlo_llama3_8b_bf16_activation_offloading_1x8.hlo │ │ ├── hlo_mixtral_8x7b_bf16_1x8.hlo │ │ ├── hlo_mixtral_8x7b_bf16_2x8.hlo │ │ ├── nv_maxtext_1n1g_jit_train_step_before_optimization.hlo │ │ ├── nv_maxtext_deepseek_1n4g_jit_train_step_before_optimization.hlo │ │ └── u4_all_gather_1x8.hlo │ ├── proto │ │ ├── BUILD │ │ └── benchmark_config.proto │ ├── registries │ │ └── default_registry.yml │ └── utils │ │ ├── BUILD │ │ ├── generate_benchmark_matrices.cc │ │ ├── generate_benchmark_matrices.h │ │ ├── generate_benchmark_matrices_main.cc │ │ └── generate_benchmark_matrices_test.cc ├── buffer_debug_log │ ├── BUILD │ ├── check_thunk_output_consistency.py │ ├── checksum_mismatch_report.py │ └── checksum_mismatch_report_test.py ├── collective_perf_table_gen.cc ├── collective_perf_table_gen.h ├── collective_perf_table_gen_bindings.cc ├── collective_perf_table_gen_main.cc ├── collective_perf_table_gen_test.cc ├── compute_cost.cc ├── compute_cost_test.hlo ├── compute_xspace_stats.cc ├── compute_xspace_stats.h ├── compute_xspace_stats_main.cc ├── compute_xspace_stats_test.cc ├── data │ ├── add.hlo │ ├── add_mhlo.mlir │ ├── add_stablehlo.mlir │ ├── benchmarking │ │ └── mobilenet_v2.hlo │ ├── input_literal_f32_2_2.pbtxt │ ├── large_constant.hlo │ ├── must_alias.hlo │ └── must_alias_with_sharding.hlo ├── driver.cc ├── dumped_computation_to_operation_list.cc ├── dumped_computation_to_text.cc ├── extract_collective_operations.cc ├── extract_dots_for_benchmark.cc ├── hlo_bisect │ ├── BUILD │ ├── hlo_bisect.cc │ ├── hlo_bisect_state.cc │ ├── hlo_bisect_state.h │ ├── hlo_bisect_state_test.cc │ ├── hlo_bisect_utils.cc │ └── hlo_bisect_utils.h ├── hlo_control_flow_flattening.cc ├── hlo_control_flow_flattening.h ├── hlo_control_flow_flattening_test.cc ├── hlo_decomposer.cc ├── hlo_decomposer.h ├── hlo_decomposer_test.cc ├── hlo_expand.cc ├── hlo_expand.h ├── hlo_expand_main.cc ├── hlo_extractor.cc ├── hlo_extractor.h ├── hlo_extractor_test.cc ├── hlo_module_loader.cc ├── hlo_module_loader.h ├── hlo_module_loader_test.cc ├── hlo_opt │ ├── BUILD │ ├── compiled_opt_lib.cc │ ├── compiled_opt_lib.h │ ├── cpu_opt.cc │ ├── gpu_opt.cc │ ├── gpu_specs │ │ ├── README.md │ │ ├── a100_pcie_80.txtpb │ │ ├── a100_sxm_40.txtpb │ │ ├── a100_sxm_80.txtpb │ │ ├── a6000.txtpb │ │ ├── b200.txtpb │ │ ├── b300.txtpb │ │ ├── h100_pcie.txtpb │ │ ├── h100_sxm.txtpb │ │ ├── mi200.txtpb │ │ ├── p100.txtpb │ │ └── v100.txtpb │ └── tests │ │ ├── cpu_hlo.hlo │ │ ├── cpu_hlo_pass.hlo │ │ ├── cpu_llvm.hlo │ │ ├── gpu_hlo.hlo │ │ ├── gpu_hlo_backend.hlo │ │ ├── gpu_hlo_buffers.hlo │ │ ├── gpu_hlo_collective_cse.hlo │ │ ├── gpu_hlo_html.hlo │ │ ├── gpu_hlo_llvm.hlo │ │ ├── gpu_hlo_pass.hlo │ │ ├── gpu_hlo_ptx.hlo │ │ ├── gpu_hlo_unoptimized_llvm.hlo │ │ ├── list_passes.hlo │ │ └── run_pass_with_input.hlo ├── hlo_slicer.cc ├── hlo_slicer.h ├── hlo_slicer_test.cc ├── interactive_graphviz.cc ├── interactive_graphviz_bin_test.cc ├── matmul_perf_table_gen.cc ├── matmul_perf_table_gen.h ├── matmul_perf_table_gen_main.cc ├── matmul_perf_table_gen_run.cc ├── matmul_perf_table_gen_test.cc ├── multihost_hlo_runner │ ├── BUILD │ ├── README.md │ ├── create_client.cc │ ├── create_client.h │ ├── data │ │ ├── auto_layout.hlo │ │ ├── dynamic_shaped_arguments.hlo │ │ ├── fixed_layout.hlo │ │ ├── fp8_gemm_loop.hlo │ │ ├── multiple_gemm_fusions.hlo │ │ ├── sharded_16_devices.hlo │ │ ├── sharded_2_devices.hlo │ │ ├── sharded_computation.hlo │ │ ├── sharded_unoptimized_hlo_snapshot.pbtxt │ │ ├── single_device.hlo │ │ ├── single_device_tupled.hlo │ │ ├── single_gemm_fusion.hlo │ │ ├── transformer_engine_softmax.hlo │ │ └── while_with_known_trip_count.hlo │ ├── functional_hlo_runner.cc │ ├── functional_hlo_runner.h │ ├── functional_hlo_runner_test.cc │ ├── hlo_input_output_format.cc │ ├── hlo_input_output_format.h │ ├── hlo_runner_main.cc │ ├── profiler_interface.h │ ├── python_hlo_runner.cc │ └── python_hlo_runner_test.py ├── platform │ ├── BUILD │ ├── default │ │ ├── BUILD │ │ └── xprof_loader.cc │ └── xprof_loader.h ├── prepare_reference_module.cc ├── prepare_reference_module.h ├── prepare_reference_module_test.cc ├── print_indexing.cc ├── print_indexing_test.hlo ├── ptx_opt │ ├── BUILD │ ├── ptx_opt.cc │ └── tests │ │ └── acos.ll ├── run_hlo_module.cc ├── run_hlo_module.h ├── run_hlo_module.proto ├── run_hlo_module_bin_test.cc ├── run_hlo_module_main.cc ├── run_hlo_module_test.cc ├── show_signature.cc ├── tests │ ├── cholesky.hlo │ ├── hlo_expand_test.cc │ ├── invalid_concat.hlo │ └── spmd.hlo ├── xla_compile_lib.cc ├── xla_compile_lib.h ├── xla_cpu_compile_lib_test.cc └── xla_gpu_compile_lib_test.cc ├── tsl ├── BUILD ├── c │ ├── BUILD │ ├── tsl_status.cc │ ├── tsl_status.h │ ├── tsl_status_helper.cc │ ├── tsl_status_helper.h │ ├── tsl_status_internal.h │ └── tsl_status_test.cc ├── concurrency │ ├── BUILD │ ├── async_value.cc │ ├── async_value.h │ ├── async_value_ptr_test.cc │ ├── async_value_ref.cc │ ├── async_value_ref.h │ ├── async_value_ref_test.cc │ ├── async_value_test.cc │ ├── chain.h │ ├── concurrent_vector.h │ ├── concurrent_vector_test.cc │ ├── executor.h │ ├── future.cc │ ├── future.h │ ├── future_test.cc │ ├── ref_count.h │ └── ref_count_test.cc ├── cuda │ ├── BUILD.bazel │ ├── cublas.symbols │ ├── cublasLt.symbols │ ├── cublasLt_stub.cc │ ├── cublas_stub.cc │ ├── cuda.symbols │ ├── cuda_stub.cc │ ├── cudart.symbols │ ├── cudart_stub.cc │ ├── cudnn.symbols │ ├── cudnn_stub.cc │ ├── cufft.symbols │ ├── cufft_stub.cc │ ├── cupti.symbols │ ├── cupti_stub.cc │ ├── cusolver.symbols │ ├── cusolver_stub.cc │ ├── cusparse.symbols │ ├── cusparse_stub.cc │ ├── nccl.symbols │ ├── nccl_stub.cc │ ├── nvml.symbols │ ├── nvml_stub.cc │ ├── nvshmem.symbols │ ├── nvshmem_stub.cc │ └── stub.bzl ├── distributed_runtime │ ├── BUILD │ ├── call_options.cc │ ├── call_options.h │ ├── coordination │ │ ├── BUILD │ │ ├── client_server_test.cc │ │ ├── coordination_client.h │ │ ├── coordination_service.cc │ │ ├── coordination_service.h │ │ ├── coordination_service_agent.cc │ │ ├── coordination_service_agent.h │ │ ├── coordination_service_agent_test.cc │ │ ├── coordination_service_error_util.cc │ │ ├── coordination_service_error_util.h │ │ ├── coordination_service_error_util_test.cc │ │ ├── coordination_service_recoverable_job_test.cc │ │ ├── coordination_service_rpc_handler.cc │ │ ├── coordination_service_rpc_handler.h │ │ ├── coordination_service_test.cc │ │ ├── key_value_store.cc │ │ ├── key_value_store.h │ │ ├── key_value_store_test.cc │ │ └── test_device.proto │ ├── preemption │ │ ├── BUILD │ │ ├── preemption_notifier.cc │ │ ├── preemption_notifier.h │ │ ├── preemption_notifier_test.cc │ │ ├── preemption_sync_manager.cc │ │ ├── preemption_sync_manager.h │ │ └── preemption_sync_manager_test.cc │ └── rpc │ │ ├── BUILD │ │ ├── async_service_interface.h │ │ ├── coordination │ │ ├── BUILD │ │ ├── grpc_coordination_client.cc │ │ ├── grpc_coordination_client.h │ │ ├── grpc_coordination_service_impl.cc │ │ └── grpc_coordination_service_impl.h │ │ ├── grpc_call.h │ │ ├── grpc_channel.cc │ │ ├── grpc_channel.h │ │ ├── grpc_channel_common.h │ │ ├── grpc_channel_test.cc │ │ ├── grpc_client_cq_tag.h │ │ ├── grpc_state.h │ │ ├── grpc_util.cc │ │ ├── grpc_util.h │ │ ├── grpc_util_test.cc │ │ └── test_request.proto ├── framework │ ├── BUILD │ ├── allocator.cc │ ├── allocator.h │ ├── allocator_registry.cc │ ├── allocator_registry.h │ ├── allocator_retry.cc │ ├── allocator_retry.h │ ├── bfc_allocator.cc │ ├── bfc_allocator.h │ ├── cancellation.cc │ ├── cancellation.h │ ├── cancellation_test.cc │ ├── contraction │ │ ├── BUILD │ │ ├── build_defs.bzl │ │ ├── eigen_contraction_kernel.cc │ │ ├── eigen_contraction_kernel.h │ │ └── eigen_contraction_kernel_test.cc │ ├── convolution │ │ ├── BUILD │ │ ├── eigen_convolution_helpers.h │ │ ├── eigen_spatial_convolutions-inl.h │ │ ├── eigen_spatial_convolutions.h │ │ └── eigen_spatial_convolutions_test.cc │ ├── cpu_allocator_impl.cc │ ├── device_id.h │ ├── device_id_manager.cc │ ├── device_id_manager.h │ ├── device_id_utils.cc │ ├── device_id_utils.h │ ├── device_id_utils_test.cc │ ├── device_type.cc │ ├── device_type.h │ ├── fixedpoint │ │ ├── BUILD │ │ ├── FixedPoint.h │ │ ├── MatMatProduct.h │ │ ├── MatMatProductAVX2.h │ │ ├── MatMatProductNEON.h │ │ ├── MatVecProduct.h │ │ ├── PacketMathAVX.h │ │ ├── PacketMathAVX2.h │ │ ├── PacketMathAVX512.h │ │ ├── TypeCastingAVX2.h │ │ └── TypeCastingAVX512.h │ ├── fixedpoint_types.h │ ├── metrics.cc │ ├── metrics.h │ ├── mlir │ │ ├── BUILD │ │ ├── status_scoped_diagnostic_handler.cc │ │ └── status_scoped_diagnostic_handler.h │ ├── numeric_types.h │ ├── real_time_in_memory_metric.h │ ├── real_time_in_memory_metric_test.cc │ ├── serving_device_selector.cc │ ├── serving_device_selector.h │ ├── serving_device_selector_policies.cc │ ├── serving_device_selector_policies.h │ ├── shared_counter.h │ ├── test_util │ │ ├── BUILD │ │ └── mock_serving_device_selector.h │ ├── tracking_allocator.cc │ ├── tracking_allocator.h │ └── type_traits.h ├── lib │ ├── core │ │ ├── BUILD │ │ ├── bitmap.cc │ │ ├── bitmap.h │ │ ├── bitmap_test.cc │ │ ├── bits.h │ │ ├── bits_test.cc │ │ └── status_test_util.h │ ├── gtl │ │ ├── BUILD │ │ ├── compactptrset.h │ │ ├── compactptrset_test.cc │ │ ├── flatmap.h │ │ ├── flatmap_test.cc │ │ ├── flatrep.h │ │ ├── flatset.h │ │ ├── flatset_test.cc │ │ ├── inlined_vector.h │ │ ├── int_type.h │ │ ├── int_type_test.cc │ │ ├── iterator_range.h │ │ ├── iterator_range_test.cc │ │ ├── map_util.h │ │ ├── map_util_test.cc │ │ ├── subtle │ │ │ ├── BUILD │ │ │ └── map_traits.h │ │ ├── value_or_die.cc │ │ ├── value_or_die.h │ │ └── value_or_die_test.cc │ ├── hash │ │ ├── BUILD │ │ ├── crc32c.cc │ │ ├── crc32c.h │ │ └── crc32c_test.cc │ ├── histogram │ │ ├── BUILD │ │ ├── histogram.cc │ │ ├── histogram.h │ │ └── histogram_test.cc │ ├── io │ │ ├── BUILD │ │ ├── block.cc │ │ ├── block.h │ │ ├── block_builder.cc │ │ ├── block_builder.h │ │ ├── buffered_file.h │ │ ├── buffered_file_test.cc │ │ ├── buffered_inputstream.cc │ │ ├── buffered_inputstream.h │ │ ├── buffered_inputstream_test.cc │ │ ├── cache.cc │ │ ├── cache.h │ │ ├── cache_test.cc │ │ ├── compression.cc │ │ ├── compression.h │ │ ├── format.cc │ │ ├── format.h │ │ ├── inputbuffer.cc │ │ ├── inputbuffer.h │ │ ├── inputbuffer_test.cc │ │ ├── inputstream_interface.cc │ │ ├── inputstream_interface.h │ │ ├── inputstream_interface_test.cc │ │ ├── iterator.cc │ │ ├── iterator.h │ │ ├── proto_encode_helper.h │ │ ├── random_inputstream.cc │ │ ├── random_inputstream.h │ │ ├── random_inputstream_test.cc │ │ ├── record_reader.cc │ │ ├── record_reader.h │ │ ├── record_reader_writer_test.cc │ │ ├── record_writer.cc │ │ ├── record_writer.h │ │ ├── recordio_test.cc │ │ ├── snappy │ │ │ ├── BUILD │ │ │ ├── snappy_compression_options.h │ │ │ ├── snappy_inputbuffer.cc │ │ │ ├── snappy_inputbuffer.h │ │ │ ├── snappy_inputstream.cc │ │ │ ├── snappy_inputstream.h │ │ │ ├── snappy_outputbuffer.cc │ │ │ ├── snappy_outputbuffer.h │ │ │ └── snappy_test.cc │ │ ├── table.cc │ │ ├── table.h │ │ ├── table_builder.cc │ │ ├── table_builder.h │ │ ├── table_format.txt │ │ ├── table_options.h │ │ ├── table_test.cc │ │ ├── two_level_iterator.cc │ │ ├── two_level_iterator.h │ │ ├── zlib_buffers_test.cc │ │ ├── zlib_compression_options.cc │ │ ├── zlib_compression_options.h │ │ ├── zlib_inputstream.cc │ │ ├── zlib_inputstream.h │ │ ├── zlib_outputbuffer.cc │ │ └── zlib_outputbuffer.h │ ├── math │ │ ├── BUILD │ │ ├── math_util.h │ │ └── math_util_test.cc │ ├── monitoring │ │ ├── BUILD │ │ ├── cell_reader-inl.cc │ │ ├── cell_reader-inl.h │ │ ├── cell_reader.h │ │ ├── cell_reader_test.cc │ │ ├── collected_metrics.h │ │ ├── collection_registry.cc │ │ ├── collection_registry.h │ │ ├── counter.h │ │ ├── counter_gauge.h │ │ ├── counter_gauge_test.cc │ │ ├── gauge.h │ │ ├── metric_def.h │ │ ├── percentile_sampler.cc │ │ ├── percentile_sampler.h │ │ ├── sampler.cc │ │ ├── sampler.h │ │ ├── test_utils.cc │ │ ├── test_utils.h │ │ ├── timed.h │ │ └── types.h │ ├── random │ │ ├── BUILD │ │ ├── distribution_sampler.cc │ │ ├── distribution_sampler.h │ │ ├── distribution_sampler_test.cc │ │ ├── exact_uniform_int.h │ │ ├── philox_random.h │ │ ├── philox_random_test.cc │ │ ├── philox_random_test_utils.h │ │ ├── random_distributions.cc │ │ ├── random_distributions.h │ │ ├── random_distributions_test.cc │ │ ├── random_distributions_utils.h │ │ ├── simple_philox.cc │ │ ├── simple_philox.h │ │ ├── simple_philox_test.cc │ │ ├── weighted_picker.cc │ │ ├── weighted_picker.h │ │ └── weighted_picker_test.cc │ └── strings │ │ ├── BUILD │ │ ├── proto_serialization.cc │ │ ├── proto_serialization.h │ │ └── python │ │ ├── BUILD │ │ └── proto_serialization.clif ├── mkl │ ├── BUILD.bazel │ ├── LICENSE │ ├── MKL_LICENSE │ ├── build_defs.bzl │ └── graph.bzl ├── package_groups.bzl ├── platform │ ├── BUILD │ ├── build_config.bzl │ ├── build_config_root.bzl │ ├── byte_order.h │ ├── cloud │ │ ├── BUILD │ │ ├── auth_provider.h │ │ ├── compute_engine_metadata_client.cc │ │ ├── compute_engine_metadata_client.h │ │ ├── compute_engine_metadata_client_test.cc │ │ ├── compute_engine_zone_provider.cc │ │ ├── compute_engine_zone_provider.h │ │ ├── compute_engine_zone_provider_test.cc │ │ ├── curl_http_request.cc │ │ ├── curl_http_request.h │ │ ├── curl_http_request_test.cc │ │ ├── expiring_lru_cache.h │ │ ├── expiring_lru_cache_test.cc │ │ ├── file_block_cache.h │ │ ├── gcs_dns_cache.cc │ │ ├── gcs_dns_cache.h │ │ ├── gcs_dns_cache_test.cc │ │ ├── gcs_file_system.cc │ │ ├── gcs_file_system.h │ │ ├── gcs_file_system_test.cc │ │ ├── gcs_throttle.cc │ │ ├── gcs_throttle.h │ │ ├── gcs_throttle_test.cc │ │ ├── google_auth_provider.cc │ │ ├── google_auth_provider.h │ │ ├── google_auth_provider_test.cc │ │ ├── http_request.h │ │ ├── http_request_fake.h │ │ ├── now_seconds_env.h │ │ ├── oauth_client.cc │ │ ├── oauth_client.h │ │ ├── oauth_client_test.cc │ │ ├── ram_file_block_cache.cc │ │ ├── ram_file_block_cache.h │ │ ├── ram_file_block_cache_test.cc │ │ ├── testdata │ │ │ ├── BUILD │ │ │ ├── application_default_credentials.json │ │ │ ├── service_account_credentials.json │ │ │ └── service_account_public_key.txt │ │ ├── time_util.cc │ │ ├── time_util.h │ │ ├── time_util_test.cc │ │ └── zone_provider.h │ ├── crash_analysis.h │ ├── criticality.h │ ├── criticality_test.cc │ ├── debug_me_context.h │ ├── default │ │ ├── BUILD │ │ ├── build_config.bzl │ │ ├── build_config_root.bzl │ │ ├── casts.h │ │ ├── context.h │ │ ├── crash_analysis.cc │ │ ├── crash_analysis.h │ │ ├── criticality.h │ │ ├── cuda_build_defs.bzl │ │ ├── cuda_root_path.cc │ │ ├── dlopen_checker.cc │ │ ├── dlopen_checker_stub.cc │ │ ├── dso_loader.cc │ │ ├── dso_loader.h │ │ ├── env.cc │ │ ├── env_time.cc │ │ ├── error_logging.cc │ │ ├── grpc_credentials.cc │ │ ├── human_readable_json.cc │ │ ├── load_library.cc │ │ ├── net.cc │ │ ├── platform.bzl │ │ ├── port.cc │ │ ├── posix_file_system.cc │ │ ├── posix_file_system.h │ │ ├── recordphase.cc │ │ ├── resource.cc │ │ ├── resource_loader.cc │ │ ├── rocm_rocdl_path.cc │ │ ├── rules_cc.bzl │ │ ├── stacktrace.h │ │ ├── stacktrace_handler.cc │ │ ├── status.h │ │ ├── statusor.h │ │ ├── subprocess.cc │ │ ├── subprocess.h │ │ ├── tracing.cc │ │ ├── tracing_impl.h │ │ ├── unbounded_work_queue.cc │ │ └── unbounded_work_queue.h │ ├── dynamic_annotations.h │ ├── env.cc │ ├── env.h │ ├── env_test.cc │ ├── env_time.h │ ├── errors.cc │ ├── errors.h │ ├── errors_test.cc │ ├── file_statistics.h │ ├── file_system.cc │ ├── file_system.h │ ├── file_system_helper.cc │ ├── file_system_helper.h │ ├── file_system_helper_test.cc │ ├── grpc_credentials.h │ ├── intrusive_ptr.h │ ├── intrusive_ptr_test.cc │ ├── logging.cc │ ├── logging.h │ ├── logging_initializer.cc │ ├── logging_test.cc │ ├── macros.h │ ├── numa_hwloc.cc │ ├── numa_noop.cc │ ├── prefetch.h │ ├── profile_utils │ │ ├── BUILD │ │ ├── android_armv7a_cpu_utils_helper.cc │ │ ├── android_armv7a_cpu_utils_helper.h │ │ ├── clock_cycle_profiler.cc │ │ ├── clock_cycle_profiler.h │ │ ├── cpu_utils.cc │ │ ├── cpu_utils.h │ │ ├── cpu_utils_test.cc │ │ └── i_cpu_utils_helper.h │ ├── protobuf_compiler.h │ ├── ram_file_system.h │ ├── recordphase.h │ ├── resource.h │ ├── resource_loader.h │ ├── rocm_rocdl_path.h │ ├── rules_cc.bzl │ ├── stack_frame.h │ ├── status.cc │ ├── status.h │ ├── status_matchers.h │ ├── status_test.cc │ ├── status_to_from_proto.cc │ ├── status_to_from_proto.h │ ├── statusor.h │ ├── statusor_test.cc │ ├── subprocess.h │ ├── subprocess_test.cc │ ├── test.cc │ ├── test.h │ ├── test_benchmark.h │ ├── test_main.cc │ ├── testdata │ │ ├── BUILD │ │ ├── test_echo.cc │ │ ├── test_echo_argv_1.cc │ │ ├── test_noop.cc │ │ └── test_stderr.cc │ ├── threadpool.cc │ ├── threadpool.h │ ├── threadpool_interface.h │ ├── threadpool_options.h │ ├── threadpool_test.cc │ ├── types.h │ └── windows │ │ ├── BUILD │ │ ├── env.cc │ │ ├── env_time.cc │ │ ├── error_windows.cc │ │ ├── error_windows.h │ │ ├── intrinsics_port.h │ │ ├── load_library.cc │ │ ├── net.cc │ │ ├── port.cc │ │ ├── stacktrace.cc │ │ ├── stacktrace.h │ │ ├── stacktrace_handler.cc │ │ ├── subprocess.cc │ │ ├── subprocess.h │ │ ├── wide_char.cc │ │ ├── wide_char.h │ │ ├── windows_file_system.cc │ │ └── windows_file_system.h ├── profiler │ ├── BUILD.bazel │ ├── backends │ │ ├── cpu │ │ │ ├── BUILD │ │ │ ├── annotation_stack.cc │ │ │ ├── annotation_stack.h │ │ │ ├── host_tracer_utils.cc │ │ │ ├── host_tracer_utils.h │ │ │ ├── threadpool_listener.cc │ │ │ ├── threadpool_listener.h │ │ │ ├── threadpool_listener_state.cc │ │ │ ├── threadpool_listener_state.h │ │ │ ├── traceme_recorder.cc │ │ │ ├── traceme_recorder.h │ │ │ └── traceme_recorder_test.cc │ │ └── gpu │ │ │ ├── BUILD │ │ │ ├── ondevice_event_collector.h │ │ │ ├── ondevice_event_receiver.cc │ │ │ ├── ondevice_event_receiver.h │ │ │ └── ondevice_trace_event.h │ ├── builds │ │ ├── BUILD │ │ ├── build_config.bzl │ │ └── oss │ │ │ ├── BUILD │ │ │ └── build_config.bzl │ ├── convert │ │ ├── BUILD │ │ ├── oss │ │ │ ├── BUILD │ │ │ └── xla_op_utils.cc │ │ ├── post_process_single_host_xplane.cc │ │ ├── post_process_single_host_xplane.h │ │ ├── post_process_single_host_xplane_test.cc │ │ ├── trace_container.cc │ │ ├── trace_container.h │ │ ├── trace_container_test.cc │ │ ├── trace_events_to_json.cc │ │ ├── trace_events_to_json.h │ │ ├── trace_events_to_json_test.cc │ │ ├── xla_op_utils.h │ │ ├── xla_op_utils_test.cc │ │ ├── xplane_to_trace_events.cc │ │ ├── xplane_to_trace_events.h │ │ └── xplane_to_trace_events_test.cc │ ├── rpc │ │ ├── BUILD │ │ ├── client │ │ │ ├── BUILD │ │ │ ├── capture_profile.cc │ │ │ ├── capture_profile.h │ │ │ ├── profiler_client.cc │ │ │ ├── profiler_client.h │ │ │ ├── profiler_client_test.cc │ │ │ ├── profiler_client_test_util.h │ │ │ ├── remote_profiler_session_manager.cc │ │ │ ├── remote_profiler_session_manager.h │ │ │ ├── remote_profiler_session_manager_test.cc │ │ │ ├── save_profile.cc │ │ │ └── save_profile.h │ │ ├── profiler_server.cc │ │ ├── profiler_server.h │ │ ├── profiler_service_impl.cc │ │ └── profiler_service_impl.h │ └── utils │ │ ├── BUILD │ │ ├── buffer_pool.cc │ │ ├── buffer_pool.h │ │ ├── buffer_pool_test.cc │ │ ├── device_utils.cc │ │ ├── device_utils.h │ │ ├── device_utils_test.cc │ │ ├── file_system_utils.h │ │ ├── format_utils.h │ │ ├── group_events.cc │ │ ├── group_events.h │ │ ├── group_events_test.cc │ │ ├── lock_free_queue.h │ │ ├── lock_free_queue_test.cc │ │ ├── math_utils.h │ │ ├── no_init.h │ │ ├── parse_annotation.cc │ │ ├── parse_annotation.h │ │ ├── parse_annotation_test.cc │ │ ├── per_thread.h │ │ ├── per_thread_test.cc │ │ ├── preprocess_xplane.cc │ │ ├── preprocess_xplane.h │ │ ├── preprocess_xplane_test.cc │ │ ├── profiler_options_util.cc │ │ ├── profiler_options_util.h │ │ ├── profiler_options_util_test.cc │ │ ├── session_manager.cc │ │ ├── session_manager.h │ │ ├── session_manager_test.cc │ │ ├── tf_op_utils.cc │ │ ├── tf_op_utils.h │ │ ├── tf_op_utils_test.cc │ │ ├── tf_xplane_visitor.h │ │ ├── time_utils.cc │ │ ├── time_utils.h │ │ ├── timespan.h │ │ ├── timespan_test.cc │ │ ├── timestamp_utils.cc │ │ ├── timestamp_utils.h │ │ ├── timestamp_utils_test.cc │ │ ├── tpu_xplane_utils.cc │ │ ├── tpu_xplane_utils.h │ │ ├── tpu_xplane_utils_test.cc │ │ ├── trace_filter_utils.h │ │ ├── trace_utils.h │ │ ├── xplane_builder.cc │ │ ├── xplane_builder.h │ │ ├── xplane_builder_test.cc │ │ ├── xplane_mutators.h │ │ ├── xplane_schema.cc │ │ ├── xplane_schema.h │ │ ├── xplane_test_utils.cc │ │ ├── xplane_test_utils.h │ │ ├── xplane_utils.cc │ │ ├── xplane_utils.h │ │ ├── xplane_utils_test.cc │ │ ├── xplane_visitor.cc │ │ └── xplane_visitor.h ├── protobuf │ ├── BUILD │ ├── bfc_memory_map.proto │ ├── coordination_config.proto │ ├── coordination_service.proto │ ├── distributed_runtime_payloads.proto │ ├── dnn.proto │ ├── error_codes.proto │ ├── histogram.proto │ ├── rpc_options.proto │ ├── status.proto │ └── test_log.proto ├── python │ └── lib │ │ └── core │ │ ├── BUILD │ │ ├── ml_dtypes.cc │ │ ├── ml_dtypes.h │ │ ├── numpy.cc │ │ └── numpy.h ├── testing │ ├── BUILD │ ├── temporary_directory.cc │ ├── temporary_directory.h │ └── temporary_directory_test.cc ├── tsl.bzl ├── tsl.default.bzl ├── util │ ├── BUILD │ ├── byte_swap_array.cc │ ├── byte_swap_array.h │ ├── command_line_flags.cc │ ├── command_line_flags.h │ ├── determinism.cc │ ├── determinism.h │ ├── determinism_test_util.h │ ├── device_name_utils.cc │ ├── device_name_utils.h │ ├── device_name_utils_test.cc │ ├── env_var.cc │ ├── env_var.h │ ├── fixed_option_set_flag.cc │ ├── fixed_option_set_flag.h │ ├── fixed_option_set_flag_test.cc │ ├── onednn_threadpool.h │ ├── proto │ │ ├── BUILD │ │ ├── parse_text_proto.h │ │ ├── parse_text_proto_test.cc │ │ ├── proto_matchers.cc │ │ ├── proto_matchers.h │ │ ├── proto_matchers_test.cc │ │ ├── proto_matchers_test_protos.proto │ │ └── proto_utils.h │ ├── reporter.cc │ ├── reporter.h │ ├── safe_reinterpret_cast.h │ ├── safe_reinterpret_cast_test.cc │ ├── stat_summarizer_options.h │ ├── stats_calculator.cc │ ├── stats_calculator.h │ ├── stats_calculator_test.cc │ ├── use_cudnn.cc │ └── use_cudnn.h └── xnnpack │ ├── BUILD │ └── build_defs.bzl ├── tuple_tree.cc ├── tuple_tree.h ├── tuple_tree_test.cc ├── types.h ├── types_test.cc ├── union_find.h ├── util.cc ├── util.h ├── util ├── BUILD ├── dlpack_types.cc ├── dlpack_types.h ├── strides.cc └── strides.h ├── util_test.cc ├── window_util.cc ├── window_util.h ├── window_util_test.cc ├── xla.default.bzl ├── xla.proto └── xla_data.proto /.bazelrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/.bazelrc -------------------------------------------------------------------------------- /.bazelversion: -------------------------------------------------------------------------------- 1 | 7.7.0 2 | -------------------------------------------------------------------------------- /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/.clang-format -------------------------------------------------------------------------------- /.clang-tidy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/.clang-tidy -------------------------------------------------------------------------------- /.github/dependabot.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/.github/dependabot.yml -------------------------------------------------------------------------------- /.github/workflows/ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/.github/workflows/ci.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/.gitignore -------------------------------------------------------------------------------- /.kokoro/macos/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/.kokoro/macos/build.sh -------------------------------------------------------------------------------- /.kokoro/windows/build.bat: -------------------------------------------------------------------------------- 1 | bash -l %0/../windows_build.sh %* 2 | exit /b %ERRORLEVEL% 3 | -------------------------------------------------------------------------------- /AUTHORS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/AUTHORS -------------------------------------------------------------------------------- /BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/BUILD.bazel -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/LICENSE -------------------------------------------------------------------------------- /MODULE.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/MODULE.bazel -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/README.md -------------------------------------------------------------------------------- /WORKSPACE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/WORKSPACE -------------------------------------------------------------------------------- /configure.py: -------------------------------------------------------------------------------- 1 | build_tools/configure/configure.py -------------------------------------------------------------------------------- /docs/_toc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/_toc.yaml -------------------------------------------------------------------------------- /docs/aliasing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/aliasing.md -------------------------------------------------------------------------------- /docs/architecture.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/architecture.md -------------------------------------------------------------------------------- /docs/async_ops.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/async_ops.md -------------------------------------------------------------------------------- /docs/broadcasting.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/broadcasting.md -------------------------------------------------------------------------------- /docs/build_from_source.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/build_from_source.md -------------------------------------------------------------------------------- /docs/contributing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/contributing.md -------------------------------------------------------------------------------- /docs/copybara.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/copybara.md -------------------------------------------------------------------------------- /docs/custom_call.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/custom_call.md -------------------------------------------------------------------------------- /docs/determinism.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/determinism.md -------------------------------------------------------------------------------- /docs/developer_guide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/developer_guide.md -------------------------------------------------------------------------------- /docs/effort_levels.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/effort_levels.md -------------------------------------------------------------------------------- /docs/emitters.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/emitters.md -------------------------------------------------------------------------------- /docs/error_codes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/error_codes.md -------------------------------------------------------------------------------- /docs/errors/error_0100.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/errors/error_0100.md -------------------------------------------------------------------------------- /docs/errors/error_0101.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/errors/error_0101.md -------------------------------------------------------------------------------- /docs/errors/error_0102.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/errors/error_0102.md -------------------------------------------------------------------------------- /docs/errors_overview.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/errors_overview.md -------------------------------------------------------------------------------- /docs/flags_guidance.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/flags_guidance.md -------------------------------------------------------------------------------- /docs/gpu_architecture.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/gpu_architecture.md -------------------------------------------------------------------------------- /docs/hlo_dumps.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/hlo_dumps.md -------------------------------------------------------------------------------- /docs/hlo_passes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/hlo_passes.md -------------------------------------------------------------------------------- /docs/hlo_to_thunks.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/hlo_to_thunks.md -------------------------------------------------------------------------------- /docs/images/fused_module.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/images/fused_module.png -------------------------------------------------------------------------------- /docs/images/gpu_pipeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/images/gpu_pipeline.png -------------------------------------------------------------------------------- /docs/images/lowered_hlo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/images/lowered_hlo.png -------------------------------------------------------------------------------- /docs/images/openxla.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/images/openxla.svg -------------------------------------------------------------------------------- /docs/images/openxla_dark.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/images/openxla_dark.svg -------------------------------------------------------------------------------- /docs/images/ops_alltoall.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/images/ops_alltoall.png -------------------------------------------------------------------------------- /docs/images/ops_pad.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/images/ops_pad.png -------------------------------------------------------------------------------- /docs/images/ops_while.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/images/ops_while.png -------------------------------------------------------------------------------- /docs/images/xla_hardware.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/images/xla_hardware.png -------------------------------------------------------------------------------- /docs/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/index.md -------------------------------------------------------------------------------- /docs/indexing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/indexing.md -------------------------------------------------------------------------------- /docs/lhs_cost_model.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/lhs_cost_model.md -------------------------------------------------------------------------------- /docs/lsp.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/lsp.md -------------------------------------------------------------------------------- /docs/operation_semantics.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/operation_semantics.md -------------------------------------------------------------------------------- /docs/persisted_autotuning.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/persisted_autotuning.md -------------------------------------------------------------------------------- /docs/pjrt/_toc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/pjrt/_toc.yaml -------------------------------------------------------------------------------- /docs/pjrt/examples.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/pjrt/examples.md -------------------------------------------------------------------------------- /docs/pjrt/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/pjrt/index.md -------------------------------------------------------------------------------- /docs/shapes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/shapes.md -------------------------------------------------------------------------------- /docs/sparsecore.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/sparsecore.md -------------------------------------------------------------------------------- /docs/terminology.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/terminology.md -------------------------------------------------------------------------------- /docs/test_hlo_passes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/test_hlo_passes.md -------------------------------------------------------------------------------- /docs/tf2xla/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/tf2xla/index.md -------------------------------------------------------------------------------- /docs/tiled_layout.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/tiled_layout.md -------------------------------------------------------------------------------- /docs/tools.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/docs/tools.md -------------------------------------------------------------------------------- /opensource_only.files: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/opensource_only.files -------------------------------------------------------------------------------- /requirements_lock_3_11.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/requirements_lock_3_11.txt -------------------------------------------------------------------------------- /requirements_lock_3_12.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/requirements_lock_3_12.txt -------------------------------------------------------------------------------- /tensorflow.bazelrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/tensorflow.bazelrc -------------------------------------------------------------------------------- /third_party/BUILD.bazel: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # Apache 2.0 2 | -------------------------------------------------------------------------------- /third_party/FP16/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/FP16/BUILD -------------------------------------------------------------------------------- /third_party/FP16/FP16.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/FP16/FP16.BUILD -------------------------------------------------------------------------------- /third_party/absl/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/absl/BUILD -------------------------------------------------------------------------------- /third_party/absl/btree.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/absl/btree.patch -------------------------------------------------------------------------------- /third_party/benchmark/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/benchmark/BUILD -------------------------------------------------------------------------------- /third_party/boringssl.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/boringssl.BUILD -------------------------------------------------------------------------------- /third_party/clang_toolchain/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/cpuinfo/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/cudnn_frontend/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/curl.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/curl.BUILD -------------------------------------------------------------------------------- /third_party/cutlass.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/cutlass.BUILD -------------------------------------------------------------------------------- /third_party/cython.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/cython.BUILD -------------------------------------------------------------------------------- /third_party/dlpack/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/dlpack/BUILD -------------------------------------------------------------------------------- /third_party/ducc/BUILD.bazel: -------------------------------------------------------------------------------- 1 | # DUCC FFT library (https://gitlab.mpcdf.mpg.de/mtr/ducc). 2 | -------------------------------------------------------------------------------- /third_party/ducc/ducc.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/ducc/ducc.BUILD -------------------------------------------------------------------------------- /third_party/ducc/fft.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/ducc/fft.cc -------------------------------------------------------------------------------- /third_party/ducc/fft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/ducc/fft.h -------------------------------------------------------------------------------- /third_party/ducc/threading.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/ducc/threading.h -------------------------------------------------------------------------------- /third_party/eigen3/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/eigen3/LICENSE -------------------------------------------------------------------------------- /third_party/extensions/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/farmhash/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/farmhash/BUILD -------------------------------------------------------------------------------- /third_party/fmt/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/fmt/BUILD -------------------------------------------------------------------------------- /third_party/fmt/fmt.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/fmt/fmt.BUILD -------------------------------------------------------------------------------- /third_party/fxdiv/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gemmlowp/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/gemmlowp/BUILD -------------------------------------------------------------------------------- /third_party/git/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/git/BUILD.tpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/git/BUILD.tpl -------------------------------------------------------------------------------- /third_party/gloo/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/gloo/BUILD -------------------------------------------------------------------------------- /third_party/gloo/gloo.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/gloo/gloo.BUILD -------------------------------------------------------------------------------- /third_party/gpus/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gpus/crosstool/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gpus/cuda/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gpus/cuda/hermetic/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gpus/rocm/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gpus/sycl/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/grpc/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/grpc/grpc.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/grpc/grpc.patch -------------------------------------------------------------------------------- /third_party/gutil/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/gutil/BUILD -------------------------------------------------------------------------------- /third_party/hwloc/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/hwloc/BUILD -------------------------------------------------------------------------------- /third_party/llvm/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/llvm/BUILD -------------------------------------------------------------------------------- /third_party/llvm/build.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/llvm/build.patch -------------------------------------------------------------------------------- /third_party/llvm/llvm.BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/llvm/run_lit.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/llvm/run_lit.sh -------------------------------------------------------------------------------- /third_party/llvm/setup.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/llvm/setup.bzl -------------------------------------------------------------------------------- /third_party/llvm/zstd.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/llvm/zstd.patch -------------------------------------------------------------------------------- /third_party/mkl/BUILD.bazel: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # 3-Clause BSD 2 | -------------------------------------------------------------------------------- /third_party/mkl_dnn/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/mkl_dnn/BUILD -------------------------------------------------------------------------------- /third_party/mkl_dnn/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/mkl_dnn/LICENSE -------------------------------------------------------------------------------- /third_party/nanobind/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/nanobind/BUILD -------------------------------------------------------------------------------- /third_party/nasm/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/nasm/BUILD -------------------------------------------------------------------------------- /third_party/nasm/config.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/nasm/config.h -------------------------------------------------------------------------------- /third_party/nasm/nasm.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/nasm/nasm.BUILD -------------------------------------------------------------------------------- /third_party/nccl/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/nccl/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/nccl/LICENSE -------------------------------------------------------------------------------- /third_party/nccl/hermetic/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/net_zstd.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/net_zstd.BUILD -------------------------------------------------------------------------------- /third_party/nvshmem/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/nvshmem/hermetic/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/nvtx.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/nvtx.BUILD -------------------------------------------------------------------------------- /third_party/nvtx/BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/nvtx/BUILD.bazel -------------------------------------------------------------------------------- /third_party/nvtx/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/nvtx/LICENSE -------------------------------------------------------------------------------- /third_party/ortools/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/protobuf/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/pthreadpool/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/py/BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/py/BUILD.bazel -------------------------------------------------------------------------------- /third_party/py/BUILD.tpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/py/BUILD.tpl -------------------------------------------------------------------------------- /third_party/py/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/py/README.md -------------------------------------------------------------------------------- /third_party/py/ml_dtypes/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/py/numpy/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/py/numpy/LICENSE -------------------------------------------------------------------------------- /third_party/py/py_import.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/py/py_import.bzl -------------------------------------------------------------------------------- /third_party/pybind11.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/pybind11.BUILD -------------------------------------------------------------------------------- /third_party/pybind11_abseil/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/pybind11_bazel/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/raft/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/raft/BUILD -------------------------------------------------------------------------------- /third_party/raft/raft.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/raft/raft.BUILD -------------------------------------------------------------------------------- /third_party/remote_config/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/repo.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/repo.bzl -------------------------------------------------------------------------------- /third_party/rmm/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/rmm/BUILD -------------------------------------------------------------------------------- /third_party/rmm/rmm.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/rmm/rmm.BUILD -------------------------------------------------------------------------------- /third_party/robin_map/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/robin_map/BUILD -------------------------------------------------------------------------------- /third_party/shardy/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/shardy/BUILD -------------------------------------------------------------------------------- /third_party/six.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/six.BUILD -------------------------------------------------------------------------------- /third_party/slinky/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/snappy.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/snappy.BUILD -------------------------------------------------------------------------------- /third_party/spdlog/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/spdlog/BUILD -------------------------------------------------------------------------------- /third_party/stablehlo/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/tensorrt/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/tensorrt/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/tensorrt/LICENSE -------------------------------------------------------------------------------- /third_party/triton/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/tsl/BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/tsl/BUILD.bazel -------------------------------------------------------------------------------- /third_party/tsl/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/tsl/LICENSE -------------------------------------------------------------------------------- /third_party/tsl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/tsl/README.md -------------------------------------------------------------------------------- /third_party/tsl/REPO.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/tsl/REPO.bazel -------------------------------------------------------------------------------- /third_party/uv/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/uv/BUILD -------------------------------------------------------------------------------- /third_party/uv/uv.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/uv/uv.BUILD -------------------------------------------------------------------------------- /third_party/uv/workspace.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/uv/workspace.bzl -------------------------------------------------------------------------------- /third_party/xnnpack/BUILD.bazel: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/zlib.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/third_party/zlib.BUILD -------------------------------------------------------------------------------- /tools/def_file_filter/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/tools/def_file_filter/BUILD -------------------------------------------------------------------------------- /tools/toolchains/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/tools/toolchains/BUILD -------------------------------------------------------------------------------- /tools/toolchains/cpus/aarch64/crosstool/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/toolchains/embedded/arm-linux/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/toolchains/ios/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/tools/toolchains/ios/BUILD -------------------------------------------------------------------------------- /tools/toolchains/java/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/tools/toolchains/java/BUILD -------------------------------------------------------------------------------- /tools/toolchains/linux/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/tools/toolchains/linux/BUILD -------------------------------------------------------------------------------- /tools/toolchains/python/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/toolchains/remote/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/toolchains/remote/BUILD.tpl: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/toolchains/remote_config/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/toolchains/win/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/tools/toolchains/win/BUILD -------------------------------------------------------------------------------- /warnings.bazelrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/warnings.bazelrc -------------------------------------------------------------------------------- /workspace0.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/workspace0.bzl -------------------------------------------------------------------------------- /workspace1.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/workspace1.bzl -------------------------------------------------------------------------------- /workspace2.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/workspace2.bzl -------------------------------------------------------------------------------- /workspace3.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/workspace3.bzl -------------------------------------------------------------------------------- /workspace4.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/workspace4.bzl -------------------------------------------------------------------------------- /xla/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/BUILD -------------------------------------------------------------------------------- /xla/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/README.md -------------------------------------------------------------------------------- /xla/array.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/array.cc -------------------------------------------------------------------------------- /xla/array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/array.h -------------------------------------------------------------------------------- /xla/array2d.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/array2d.h -------------------------------------------------------------------------------- /xla/array2d_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/array2d_test.cc -------------------------------------------------------------------------------- /xla/array3d.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/array3d.h -------------------------------------------------------------------------------- /xla/array3d_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/array3d_test.cc -------------------------------------------------------------------------------- /xla/array4d.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/array4d.h -------------------------------------------------------------------------------- /xla/array4d_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/array4d_test.cc -------------------------------------------------------------------------------- /xla/array_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/array_test.cc -------------------------------------------------------------------------------- /xla/autotune_results.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/autotune_results.proto -------------------------------------------------------------------------------- /xla/autotuning.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/autotuning.proto -------------------------------------------------------------------------------- /xla/backends/autotuner/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/backends/autotuner/BUILD -------------------------------------------------------------------------------- /xla/backends/cpu/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/backends/cpu/BUILD -------------------------------------------------------------------------------- /xla/backends/cpu/alignment.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/backends/cpu/alignment.h -------------------------------------------------------------------------------- /xla/backends/cpu/ffi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/backends/cpu/ffi.h -------------------------------------------------------------------------------- /xla/backends/cpu/tests/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/backends/cpu/tests/BUILD -------------------------------------------------------------------------------- /xla/backends/gpu/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/backends/gpu/BUILD -------------------------------------------------------------------------------- /xla/backends/gpu/ffi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/backends/gpu/ffi.h -------------------------------------------------------------------------------- /xla/backends/profiler/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/backends/profiler/BUILD -------------------------------------------------------------------------------- /xla/bit_cast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/bit_cast.h -------------------------------------------------------------------------------- /xla/bit_cast_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/bit_cast_test.cc -------------------------------------------------------------------------------- /xla/c/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/c/BUILD -------------------------------------------------------------------------------- /xla/c/c_api_decl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/c/c_api_decl.h -------------------------------------------------------------------------------- /xla/client/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/client/BUILD -------------------------------------------------------------------------------- /xla/client/client.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/client/client.cc -------------------------------------------------------------------------------- /xla/client/client.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/client/client.h -------------------------------------------------------------------------------- /xla/client/client_library.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/client/client_library.cc -------------------------------------------------------------------------------- /xla/client/client_library.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/client/client_library.h -------------------------------------------------------------------------------- /xla/client/lib/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/client/lib/BUILD -------------------------------------------------------------------------------- /xla/client/lib/testing.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/client/lib/testing.cc -------------------------------------------------------------------------------- /xla/client/lib/testing.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/client/lib/testing.h -------------------------------------------------------------------------------- /xla/client/local_client.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/client/local_client.cc -------------------------------------------------------------------------------- /xla/client/local_client.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/client/local_client.h -------------------------------------------------------------------------------- /xla/codegen/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/BUILD -------------------------------------------------------------------------------- /xla/codegen/device_spec.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/device_spec.h -------------------------------------------------------------------------------- /xla/codegen/emitters/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/emitters/BUILD -------------------------------------------------------------------------------- /xla/codegen/emitters/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/emitters/utils.h -------------------------------------------------------------------------------- /xla/codegen/intrinsic/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/intrinsic/BUILD -------------------------------------------------------------------------------- /xla/codegen/intrinsic/erf.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/intrinsic/erf.cc -------------------------------------------------------------------------------- /xla/codegen/intrinsic/erf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/intrinsic/erf.h -------------------------------------------------------------------------------- /xla/codegen/intrinsic/exp.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/intrinsic/exp.cc -------------------------------------------------------------------------------- /xla/codegen/intrinsic/exp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/intrinsic/exp.h -------------------------------------------------------------------------------- /xla/codegen/intrinsic/tanh.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/intrinsic/tanh.h -------------------------------------------------------------------------------- /xla/codegen/intrinsic/type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/intrinsic/type.h -------------------------------------------------------------------------------- /xla/codegen/intrinsic_lib.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/intrinsic_lib.cc -------------------------------------------------------------------------------- /xla/codegen/intrinsic_lib.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/intrinsic_lib.h -------------------------------------------------------------------------------- /xla/codegen/kernel_emitter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/kernel_emitter.h -------------------------------------------------------------------------------- /xla/codegen/kernel_source.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/kernel_source.h -------------------------------------------------------------------------------- /xla/codegen/kernel_spec.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/kernel_spec.cc -------------------------------------------------------------------------------- /xla/codegen/kernel_spec.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/kernel_spec.h -------------------------------------------------------------------------------- /xla/codegen/testlib/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/testlib/BUILD -------------------------------------------------------------------------------- /xla/codegen/tiling/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/tiling/BUILD -------------------------------------------------------------------------------- /xla/codegen/tools/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/tools/BUILD -------------------------------------------------------------------------------- /xla/codegen/tools/test_lib.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/tools/test_lib.h -------------------------------------------------------------------------------- /xla/codegen/xtile/ir/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/codegen/xtile/ir/BUILD -------------------------------------------------------------------------------- /xla/comparison_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/comparison_util.cc -------------------------------------------------------------------------------- /xla/comparison_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/comparison_util.h -------------------------------------------------------------------------------- /xla/comparison_util_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/comparison_util_test.cc -------------------------------------------------------------------------------- /xla/compiler_macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/compiler_macros.h -------------------------------------------------------------------------------- /xla/core/collectives/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/core/collectives/BUILD -------------------------------------------------------------------------------- /xla/debug_options_flags.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/debug_options_flags.cc -------------------------------------------------------------------------------- /xla/debug_options_flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/debug_options_flags.h -------------------------------------------------------------------------------- /xla/debug_options_parsers.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/debug_options_parsers.cc -------------------------------------------------------------------------------- /xla/debug_options_parsers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/debug_options_parsers.h -------------------------------------------------------------------------------- /xla/ef57.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ef57.cc -------------------------------------------------------------------------------- /xla/ef57.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ef57.h -------------------------------------------------------------------------------- /xla/ef57_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ef57_test.cc -------------------------------------------------------------------------------- /xla/error/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/error/BUILD -------------------------------------------------------------------------------- /xla/error/check.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/error/check.h -------------------------------------------------------------------------------- /xla/error/check_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/error/check_test.cc -------------------------------------------------------------------------------- /xla/error/error_codes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/error/error_codes.h -------------------------------------------------------------------------------- /xla/error/fatal_error_sink.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/error/fatal_error_sink.h -------------------------------------------------------------------------------- /xla/error/internal/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/error/internal/BUILD -------------------------------------------------------------------------------- /xla/error_spec.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/error_spec.h -------------------------------------------------------------------------------- /xla/examples/axpy/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/examples/axpy/BUILD -------------------------------------------------------------------------------- /xla/examples/axpy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/examples/axpy/README.md -------------------------------------------------------------------------------- /xla/executable_run_options.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/executable_run_options.h -------------------------------------------------------------------------------- /xla/execution_options_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/execution_options_util.h -------------------------------------------------------------------------------- /xla/experiments/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/experiments/BUILD -------------------------------------------------------------------------------- /xla/experiments/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/experiments/README.md -------------------------------------------------------------------------------- /xla/ffi/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/BUILD -------------------------------------------------------------------------------- /xla/ffi/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/README.md -------------------------------------------------------------------------------- /xla/ffi/api/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/api/BUILD -------------------------------------------------------------------------------- /xla/ffi/api/api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/api/api.h -------------------------------------------------------------------------------- /xla/ffi/api/c_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/api/c_api.h -------------------------------------------------------------------------------- /xla/ffi/api/c_api_internal.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/api/c_api_internal.h -------------------------------------------------------------------------------- /xla/ffi/api/ffi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/api/ffi.h -------------------------------------------------------------------------------- /xla/ffi/api/ffi_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/api/ffi_test.cc -------------------------------------------------------------------------------- /xla/ffi/attribute_map.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/attribute_map.cc -------------------------------------------------------------------------------- /xla/ffi/attribute_map.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/attribute_map.h -------------------------------------------------------------------------------- /xla/ffi/attribute_map.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/attribute_map.proto -------------------------------------------------------------------------------- /xla/ffi/call_frame.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/call_frame.cc -------------------------------------------------------------------------------- /xla/ffi/call_frame.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/call_frame.h -------------------------------------------------------------------------------- /xla/ffi/call_frame_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/call_frame_test.cc -------------------------------------------------------------------------------- /xla/ffi/execution_context.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/execution_context.cc -------------------------------------------------------------------------------- /xla/ffi/execution_context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/execution_context.h -------------------------------------------------------------------------------- /xla/ffi/execution_state.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/execution_state.cc -------------------------------------------------------------------------------- /xla/ffi/execution_state.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/execution_state.h -------------------------------------------------------------------------------- /xla/ffi/ffi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/ffi.h -------------------------------------------------------------------------------- /xla/ffi/ffi_api.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/ffi_api.cc -------------------------------------------------------------------------------- /xla/ffi/ffi_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/ffi_api.h -------------------------------------------------------------------------------- /xla/ffi/ffi_internal_api.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/ffi_internal_api.cc -------------------------------------------------------------------------------- /xla/ffi/ffi_internal_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/ffi_internal_api.h -------------------------------------------------------------------------------- /xla/ffi/ffi_structs.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/ffi_structs.h -------------------------------------------------------------------------------- /xla/ffi/ffi_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/ffi_test.cc -------------------------------------------------------------------------------- /xla/ffi/type_registry.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/type_registry.cc -------------------------------------------------------------------------------- /xla/ffi/type_registry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/ffi/type_registry.h -------------------------------------------------------------------------------- /xla/fp_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/fp_util.h -------------------------------------------------------------------------------- /xla/fp_util_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/fp_util_test.cc -------------------------------------------------------------------------------- /xla/frontend_attributes.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/frontend_attributes.cc -------------------------------------------------------------------------------- /xla/frontend_attributes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/frontend_attributes.h -------------------------------------------------------------------------------- /xla/future.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/future.h -------------------------------------------------------------------------------- /xla/hlo/analysis/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/analysis/BUILD -------------------------------------------------------------------------------- /xla/hlo/analysis/interval.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/analysis/interval.cc -------------------------------------------------------------------------------- /xla/hlo/analysis/interval.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/analysis/interval.h -------------------------------------------------------------------------------- /xla/hlo/builder/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/BUILD -------------------------------------------------------------------------------- /xla/hlo/builder/lib/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/BUILD -------------------------------------------------------------------------------- /xla/hlo/builder/lib/logdet.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/logdet.h -------------------------------------------------------------------------------- /xla/hlo/builder/lib/loops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/loops.cc -------------------------------------------------------------------------------- /xla/hlo/builder/lib/loops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/loops.h -------------------------------------------------------------------------------- /xla/hlo/builder/lib/math.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/math.cc -------------------------------------------------------------------------------- /xla/hlo/builder/lib/math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/math.h -------------------------------------------------------------------------------- /xla/hlo/builder/lib/matrix.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/matrix.h -------------------------------------------------------------------------------- /xla/hlo/builder/lib/prng.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/prng.cc -------------------------------------------------------------------------------- /xla/hlo/builder/lib/prng.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/prng.h -------------------------------------------------------------------------------- /xla/hlo/builder/lib/qr.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/qr.cc -------------------------------------------------------------------------------- /xla/hlo/builder/lib/qr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/qr.h -------------------------------------------------------------------------------- /xla/hlo/builder/lib/svd.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/svd.cc -------------------------------------------------------------------------------- /xla/hlo/builder/lib/svd.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/svd.h -------------------------------------------------------------------------------- /xla/hlo/builder/lib/tuple.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/tuple.cc -------------------------------------------------------------------------------- /xla/hlo/builder/lib/tuple.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/lib/tuple.h -------------------------------------------------------------------------------- /xla/hlo/builder/padding.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/padding.cc -------------------------------------------------------------------------------- /xla/hlo/builder/padding.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/padding.h -------------------------------------------------------------------------------- /xla/hlo/builder/tests/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/builder/tests/BUILD -------------------------------------------------------------------------------- /xla/hlo/evaluator/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/evaluator/BUILD -------------------------------------------------------------------------------- /xla/hlo/ir/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/BUILD -------------------------------------------------------------------------------- /xla/hlo/ir/backend_config.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/backend_config.cc -------------------------------------------------------------------------------- /xla/hlo/ir/backend_config.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/backend_config.h -------------------------------------------------------------------------------- /xla/hlo/ir/dfs_hlo_visitor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/dfs_hlo_visitor.h -------------------------------------------------------------------------------- /xla/hlo/ir/hlo_computation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/hlo_computation.h -------------------------------------------------------------------------------- /xla/hlo/ir/hlo_instruction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/hlo_instruction.h -------------------------------------------------------------------------------- /xla/hlo/ir/hlo_module.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/hlo_module.cc -------------------------------------------------------------------------------- /xla/hlo/ir/hlo_module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/hlo_module.h -------------------------------------------------------------------------------- /xla/hlo/ir/hlo_op_metadata.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/hlo_op_metadata.h -------------------------------------------------------------------------------- /xla/hlo/ir/hlo_opcode.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/hlo_opcode.cc -------------------------------------------------------------------------------- /xla/hlo/ir/hlo_opcode.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/hlo_opcode.h -------------------------------------------------------------------------------- /xla/hlo/ir/hlo_schedule.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/hlo_schedule.cc -------------------------------------------------------------------------------- /xla/hlo/ir/hlo_schedule.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/hlo_schedule.h -------------------------------------------------------------------------------- /xla/hlo/ir/hlo_sharding.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/hlo_sharding.cc -------------------------------------------------------------------------------- /xla/hlo/ir/hlo_sharding.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/hlo_sharding.h -------------------------------------------------------------------------------- /xla/hlo/ir/mesh_and_axis.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/mesh_and_axis.cc -------------------------------------------------------------------------------- /xla/hlo/ir/mesh_and_axis.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/mesh_and_axis.h -------------------------------------------------------------------------------- /xla/hlo/ir/named_sharding.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/named_sharding.h -------------------------------------------------------------------------------- /xla/hlo/ir/ptrvec.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/ptrvec.h -------------------------------------------------------------------------------- /xla/hlo/ir/ptrvec_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/ptrvec_test.cc -------------------------------------------------------------------------------- /xla/hlo/ir/replica_group.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/replica_group.cc -------------------------------------------------------------------------------- /xla/hlo/ir/replica_group.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/replica_group.h -------------------------------------------------------------------------------- /xla/hlo/ir/tile_assignment.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/ir/tile_assignment.h -------------------------------------------------------------------------------- /xla/hlo/parser/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/parser/BUILD -------------------------------------------------------------------------------- /xla/hlo/parser/hlo_lexer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/parser/hlo_lexer.cc -------------------------------------------------------------------------------- /xla/hlo/parser/hlo_lexer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/parser/hlo_lexer.h -------------------------------------------------------------------------------- /xla/hlo/parser/hlo_parser.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/parser/hlo_parser.cc -------------------------------------------------------------------------------- /xla/hlo/parser/hlo_parser.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/parser/hlo_parser.h -------------------------------------------------------------------------------- /xla/hlo/pass/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/pass/BUILD -------------------------------------------------------------------------------- /xla/hlo/pass/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/pass/README.md -------------------------------------------------------------------------------- /xla/hlo/pass/hlo_pass_fix.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/pass/hlo_pass_fix.h -------------------------------------------------------------------------------- /xla/hlo/testlib/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/testlib/BUILD -------------------------------------------------------------------------------- /xla/hlo/testlib/filecheck.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/testlib/filecheck.cc -------------------------------------------------------------------------------- /xla/hlo/testlib/filecheck.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/testlib/filecheck.h -------------------------------------------------------------------------------- /xla/hlo/testlib/test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/testlib/test.h -------------------------------------------------------------------------------- /xla/hlo/tools/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/tools/BUILD -------------------------------------------------------------------------------- /xla/hlo/tools/hlo_diff/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/tools/hlo_diff/BUILD -------------------------------------------------------------------------------- /xla/hlo/tools/hlo_opt/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/tools/hlo_opt/BUILD -------------------------------------------------------------------------------- /xla/hlo/tools/tests/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/tools/tests/BUILD -------------------------------------------------------------------------------- /xla/hlo/transforms/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/transforms/BUILD -------------------------------------------------------------------------------- /xla/hlo/transforms/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/transforms/README.md -------------------------------------------------------------------------------- /xla/hlo/transforms/defuser.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/transforms/defuser.h -------------------------------------------------------------------------------- /xla/hlo/translate/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/translate/BUILD -------------------------------------------------------------------------------- /xla/hlo/translate/register.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/translate/register.h -------------------------------------------------------------------------------- /xla/hlo/utils/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/utils/BUILD -------------------------------------------------------------------------------- /xla/hlo/utils/hlo_matchers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/utils/hlo_matchers.h -------------------------------------------------------------------------------- /xla/hlo/utils/hlo_query.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/utils/hlo_query.cc -------------------------------------------------------------------------------- /xla/hlo/utils/hlo_query.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/hlo/utils/hlo_query.h -------------------------------------------------------------------------------- /xla/index_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/index_util.cc -------------------------------------------------------------------------------- /xla/index_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/index_util.h -------------------------------------------------------------------------------- /xla/index_util_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/index_util_test.cc -------------------------------------------------------------------------------- /xla/internal/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/internal/BUILD -------------------------------------------------------------------------------- /xla/internal/README: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/internal/README -------------------------------------------------------------------------------- /xla/iterator_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/iterator_util.h -------------------------------------------------------------------------------- /xla/iterator_util_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/iterator_util_test.cc -------------------------------------------------------------------------------- /xla/layout.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/layout.cc -------------------------------------------------------------------------------- /xla/layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/layout.h -------------------------------------------------------------------------------- /xla/layout_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/layout_test.cc -------------------------------------------------------------------------------- /xla/layout_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/layout_util.cc -------------------------------------------------------------------------------- /xla/layout_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/layout_util.h -------------------------------------------------------------------------------- /xla/layout_util_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/layout_util_test.cc -------------------------------------------------------------------------------- /xla/lazy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/lazy.h -------------------------------------------------------------------------------- /xla/lit.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/lit.bzl -------------------------------------------------------------------------------- /xla/lit.cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/lit.cfg.py -------------------------------------------------------------------------------- /xla/literal.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/literal.cc -------------------------------------------------------------------------------- /xla/literal.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/literal.h -------------------------------------------------------------------------------- /xla/literal_comparison.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/literal_comparison.cc -------------------------------------------------------------------------------- /xla/literal_comparison.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/literal_comparison.h -------------------------------------------------------------------------------- /xla/literal_pool.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/literal_pool.cc -------------------------------------------------------------------------------- /xla/literal_pool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/literal_pool.h -------------------------------------------------------------------------------- /xla/literal_pool_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/literal_pool_test.cc -------------------------------------------------------------------------------- /xla/literal_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/literal_test.cc -------------------------------------------------------------------------------- /xla/literal_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/literal_util.cc -------------------------------------------------------------------------------- /xla/literal_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/literal_util.h -------------------------------------------------------------------------------- /xla/map_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/map_util.h -------------------------------------------------------------------------------- /xla/maybe_owning.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/maybe_owning.h -------------------------------------------------------------------------------- /xla/metric_table_report.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/metric_table_report.cc -------------------------------------------------------------------------------- /xla/metric_table_report.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/metric_table_report.h -------------------------------------------------------------------------------- /xla/mlir/framework/ir/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir/framework/ir/BUILD -------------------------------------------------------------------------------- /xla/mlir/utils/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir/utils/BUILD -------------------------------------------------------------------------------- /xla/mlir/utils/error_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir/utils/error_util.cc -------------------------------------------------------------------------------- /xla/mlir/utils/error_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir/utils/error_util.h -------------------------------------------------------------------------------- /xla/mlir/utils/type_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir/utils/type_util.cc -------------------------------------------------------------------------------- /xla/mlir/utils/type_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir/utils/type_util.h -------------------------------------------------------------------------------- /xla/mlir_hlo/.bazelignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir_hlo/.bazelignore -------------------------------------------------------------------------------- /xla/mlir_hlo/.bazelrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir_hlo/.bazelrc -------------------------------------------------------------------------------- /xla/mlir_hlo/.clang-format: -------------------------------------------------------------------------------- 1 | BasedOnStyle: LLVM 2 | AlwaysBreakTemplateDeclarations: Yes 3 | -------------------------------------------------------------------------------- /xla/mlir_hlo/.clang-tidy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir_hlo/.clang-tidy -------------------------------------------------------------------------------- /xla/mlir_hlo/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir_hlo/.gitignore -------------------------------------------------------------------------------- /xla/mlir_hlo/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir_hlo/BUILD -------------------------------------------------------------------------------- /xla/mlir_hlo/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir_hlo/CMakeLists.txt -------------------------------------------------------------------------------- /xla/mlir_hlo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir_hlo/README.md -------------------------------------------------------------------------------- /xla/mlir_hlo/WORKSPACE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir_hlo/WORKSPACE -------------------------------------------------------------------------------- /xla/mlir_hlo/build_tools/llvm_version.txt: -------------------------------------------------------------------------------- 1 | 2 | 3 | -------------------------------------------------------------------------------- /xla/mlir_hlo/mhlo/IR/init.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir_hlo/mhlo/IR/init.cc -------------------------------------------------------------------------------- /xla/mlir_hlo/tests/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/mlir_hlo/tests/BUILD -------------------------------------------------------------------------------- /xla/online_topsort.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/online_topsort.h -------------------------------------------------------------------------------- /xla/online_topsort_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/online_topsort_test.cc -------------------------------------------------------------------------------- /xla/overflow_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/overflow_util.h -------------------------------------------------------------------------------- /xla/package_groups.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/package_groups.bzl -------------------------------------------------------------------------------- /xla/packed_literal_reader.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/packed_literal_reader.cc -------------------------------------------------------------------------------- /xla/packed_literal_reader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/packed_literal_reader.h -------------------------------------------------------------------------------- /xla/parse_flags_from_env.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/parse_flags_from_env.cc -------------------------------------------------------------------------------- /xla/parse_flags_from_env.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/parse_flags_from_env.h -------------------------------------------------------------------------------- /xla/permutation_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/permutation_util.cc -------------------------------------------------------------------------------- /xla/permutation_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/permutation_util.h -------------------------------------------------------------------------------- /xla/permutation_util_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/permutation_util_test.cc -------------------------------------------------------------------------------- /xla/pjrt/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/BUILD -------------------------------------------------------------------------------- /xla/pjrt/async_work_runner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/async_work_runner.h -------------------------------------------------------------------------------- /xla/pjrt/c/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/c/BUILD -------------------------------------------------------------------------------- /xla/pjrt/c/CHANGELOG.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/c/CHANGELOG.md -------------------------------------------------------------------------------- /xla/pjrt/c/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/c/README.md -------------------------------------------------------------------------------- /xla/pjrt/c/pjrt_c_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/c/pjrt_c_api.h -------------------------------------------------------------------------------- /xla/pjrt/c/pjrt_c_api_cpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/c/pjrt_c_api_cpu.cc -------------------------------------------------------------------------------- /xla/pjrt/c/pjrt_c_api_cpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/c/pjrt_c_api_cpu.h -------------------------------------------------------------------------------- /xla/pjrt/c/pjrt_c_api_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/c/pjrt_c_api_gpu.cc -------------------------------------------------------------------------------- /xla/pjrt/c/pjrt_c_api_gpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/c/pjrt_c_api_gpu.h -------------------------------------------------------------------------------- /xla/pjrt/c/pjrt_c_api_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/c/pjrt_c_api_test.h -------------------------------------------------------------------------------- /xla/pjrt/c/pjrt_c_api_tpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/c/pjrt_c_api_tpu.h -------------------------------------------------------------------------------- /xla/pjrt/c_api_client/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/c_api_client/BUILD -------------------------------------------------------------------------------- /xla/pjrt/cpu/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/cpu/BUILD -------------------------------------------------------------------------------- /xla/pjrt/cpu/cpu_client.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/cpu/cpu_client.cc -------------------------------------------------------------------------------- /xla/pjrt/cpu/cpu_client.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/cpu/cpu_client.h -------------------------------------------------------------------------------- /xla/pjrt/cpu/cpu_device.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/cpu/cpu_device.cc -------------------------------------------------------------------------------- /xla/pjrt/cpu/cpu_device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/cpu/cpu_device.h -------------------------------------------------------------------------------- /xla/pjrt/cpu/cpu_event.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/cpu/cpu_event.h -------------------------------------------------------------------------------- /xla/pjrt/cpu/raw_buffer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/cpu/raw_buffer.cc -------------------------------------------------------------------------------- /xla/pjrt/cpu/raw_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/cpu/raw_buffer.h -------------------------------------------------------------------------------- /xla/pjrt/device_event.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/device_event.h -------------------------------------------------------------------------------- /xla/pjrt/distributed/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/distributed/BUILD -------------------------------------------------------------------------------- /xla/pjrt/distributed/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/distributed/util.h -------------------------------------------------------------------------------- /xla/pjrt/dump/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/dump/BUILD -------------------------------------------------------------------------------- /xla/pjrt/dump/dump.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/dump/dump.cc -------------------------------------------------------------------------------- /xla/pjrt/dump/dump.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/dump/dump.h -------------------------------------------------------------------------------- /xla/pjrt/dump/dump_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/dump/dump_test.cc -------------------------------------------------------------------------------- /xla/pjrt/dump/mlir.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/dump/mlir.cc -------------------------------------------------------------------------------- /xla/pjrt/dump/mlir.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/dump/mlir.h -------------------------------------------------------------------------------- /xla/pjrt/dump/mlir_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/dump/mlir_test.cc -------------------------------------------------------------------------------- /xla/pjrt/errors.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/errors.cc -------------------------------------------------------------------------------- /xla/pjrt/errors.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/errors.h -------------------------------------------------------------------------------- /xla/pjrt/errors_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/errors_test.cc -------------------------------------------------------------------------------- /xla/pjrt/event_pool.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/event_pool.cc -------------------------------------------------------------------------------- /xla/pjrt/event_pool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/event_pool.h -------------------------------------------------------------------------------- /xla/pjrt/exceptions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/exceptions.h -------------------------------------------------------------------------------- /xla/pjrt/gpu/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/gpu/BUILD -------------------------------------------------------------------------------- /xla/pjrt/gpu/gpu_helpers.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/gpu/gpu_helpers.cc -------------------------------------------------------------------------------- /xla/pjrt/gpu/gpu_helpers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/gpu/gpu_helpers.h -------------------------------------------------------------------------------- /xla/pjrt/gpu/gpu_metrics.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/gpu/gpu_metrics.cc -------------------------------------------------------------------------------- /xla/pjrt/gpu/gpu_metrics.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/gpu/gpu_metrics.h -------------------------------------------------------------------------------- /xla/pjrt/gpu/gpu_topology.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/gpu/gpu_topology.cc -------------------------------------------------------------------------------- /xla/pjrt/gpu/gpu_topology.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/gpu/gpu_topology.h -------------------------------------------------------------------------------- /xla/pjrt/gpu/tfrt/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/gpu/tfrt/BUILD -------------------------------------------------------------------------------- /xla/pjrt/gpu/tfrt/utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/gpu/tfrt/utils.cc -------------------------------------------------------------------------------- /xla/pjrt/gpu/tfrt/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/gpu/tfrt/utils.h -------------------------------------------------------------------------------- /xla/pjrt/host_callback.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/host_callback.cc -------------------------------------------------------------------------------- /xla/pjrt/host_callback.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/host_callback.h -------------------------------------------------------------------------------- /xla/pjrt/interpreter/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/interpreter/BUILD -------------------------------------------------------------------------------- /xla/pjrt/layout_mode.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/layout_mode.cc -------------------------------------------------------------------------------- /xla/pjrt/layout_mode.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/layout_mode.h -------------------------------------------------------------------------------- /xla/pjrt/lru_cache.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/lru_cache.h -------------------------------------------------------------------------------- /xla/pjrt/lru_cache_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/lru_cache_test.cc -------------------------------------------------------------------------------- /xla/pjrt/metrics.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/metrics.cc -------------------------------------------------------------------------------- /xla/pjrt/metrics.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/metrics.h -------------------------------------------------------------------------------- /xla/pjrt/mlir_to_hlo.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/mlir_to_hlo.cc -------------------------------------------------------------------------------- /xla/pjrt/mlir_to_hlo.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/mlir_to_hlo.h -------------------------------------------------------------------------------- /xla/pjrt/mlir_to_hlo_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/mlir_to_hlo_test.cc -------------------------------------------------------------------------------- /xla/pjrt/pjrt_api.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_api.cc -------------------------------------------------------------------------------- /xla/pjrt/pjrt_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_api.h -------------------------------------------------------------------------------- /xla/pjrt/pjrt_api_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_api_test.cc -------------------------------------------------------------------------------- /xla/pjrt/pjrt_c_api_client.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_c_api_client.h -------------------------------------------------------------------------------- /xla/pjrt/pjrt_client.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_client.cc -------------------------------------------------------------------------------- /xla/pjrt/pjrt_client.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_client.h -------------------------------------------------------------------------------- /xla/pjrt/pjrt_client_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_client_test.cc -------------------------------------------------------------------------------- /xla/pjrt/pjrt_client_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_client_test.h -------------------------------------------------------------------------------- /xla/pjrt/pjrt_client_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_client_utils.h -------------------------------------------------------------------------------- /xla/pjrt/pjrt_common.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_common.cc -------------------------------------------------------------------------------- /xla/pjrt/pjrt_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_common.h -------------------------------------------------------------------------------- /xla/pjrt/pjrt_common_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_common_test.cc -------------------------------------------------------------------------------- /xla/pjrt/pjrt_compiler.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_compiler.cc -------------------------------------------------------------------------------- /xla/pjrt/pjrt_compiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_compiler.h -------------------------------------------------------------------------------- /xla/pjrt/pjrt_executable.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_executable.cc -------------------------------------------------------------------------------- /xla/pjrt/pjrt_executable.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_executable.h -------------------------------------------------------------------------------- /xla/pjrt/pjrt_future.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_future.h -------------------------------------------------------------------------------- /xla/pjrt/pjrt_layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/pjrt_layout.h -------------------------------------------------------------------------------- /xla/pjrt/plugin/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/plugin/BUILD -------------------------------------------------------------------------------- /xla/pjrt/plugin/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/plugin/README.md -------------------------------------------------------------------------------- /xla/pjrt/plugin/test/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/plugin/test/BUILD -------------------------------------------------------------------------------- /xla/pjrt/plugin/xla_gpu/README.md: -------------------------------------------------------------------------------- 1 | Public PJRT API entry point for the XLA:GPU Compiler. -------------------------------------------------------------------------------- /xla/pjrt/profiling/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/profiling/BUILD -------------------------------------------------------------------------------- /xla/pjrt/proto/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/proto/BUILD -------------------------------------------------------------------------------- /xla/pjrt/raw_buffer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/raw_buffer.cc -------------------------------------------------------------------------------- /xla/pjrt/raw_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/raw_buffer.h -------------------------------------------------------------------------------- /xla/pjrt/raw_buffer_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/raw_buffer_test.cc -------------------------------------------------------------------------------- /xla/pjrt/se_raw_buffer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/se_raw_buffer.cc -------------------------------------------------------------------------------- /xla/pjrt/se_raw_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/se_raw_buffer.h -------------------------------------------------------------------------------- /xla/pjrt/semaphore.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/semaphore.cc -------------------------------------------------------------------------------- /xla/pjrt/semaphore.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/semaphore.h -------------------------------------------------------------------------------- /xla/pjrt/semaphore_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/semaphore_test.cc -------------------------------------------------------------------------------- /xla/pjrt/status_casters.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/status_casters.h -------------------------------------------------------------------------------- /xla/pjrt/string_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/string_utils.cc -------------------------------------------------------------------------------- /xla/pjrt/string_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/string_utils.h -------------------------------------------------------------------------------- /xla/pjrt/tf_pjrt_client.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/tf_pjrt_client.cc -------------------------------------------------------------------------------- /xla/pjrt/tf_pjrt_client.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/tf_pjrt_client.h -------------------------------------------------------------------------------- /xla/pjrt/tpu_constants.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/tpu_constants.h -------------------------------------------------------------------------------- /xla/pjrt/transpose.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/transpose.cc -------------------------------------------------------------------------------- /xla/pjrt/transpose.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/transpose.h -------------------------------------------------------------------------------- /xla/pjrt/transpose_kernels.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/transpose_kernels.h -------------------------------------------------------------------------------- /xla/pjrt/transpose_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/transpose_test.cc -------------------------------------------------------------------------------- /xla/pjrt/triton.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/triton.h -------------------------------------------------------------------------------- /xla/pjrt/triton_cuda.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/triton_cuda.cc -------------------------------------------------------------------------------- /xla/pjrt/triton_stub.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/triton_stub.cc -------------------------------------------------------------------------------- /xla/pjrt/utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/utils.cc -------------------------------------------------------------------------------- /xla/pjrt/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/utils.h -------------------------------------------------------------------------------- /xla/pjrt/worker_thread.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/worker_thread.cc -------------------------------------------------------------------------------- /xla/pjrt/worker_thread.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pjrt/worker_thread.h -------------------------------------------------------------------------------- /xla/primitive_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/primitive_util.cc -------------------------------------------------------------------------------- /xla/primitive_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/primitive_util.h -------------------------------------------------------------------------------- /xla/primitive_util_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/primitive_util_test.cc -------------------------------------------------------------------------------- /xla/printer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/printer.cc -------------------------------------------------------------------------------- /xla/printer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/printer.h -------------------------------------------------------------------------------- /xla/protobuf_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/protobuf_util.cc -------------------------------------------------------------------------------- /xla/protobuf_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/protobuf_util.h -------------------------------------------------------------------------------- /xla/py_strict.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/py_strict.bzl -------------------------------------------------------------------------------- /xla/python/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/BUILD -------------------------------------------------------------------------------- /xla/python/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /xla/python/_hlo_pass.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/_hlo_pass.pyi -------------------------------------------------------------------------------- /xla/python/_ops.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/_ops.pyi -------------------------------------------------------------------------------- /xla/python/_profile_data.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/_profile_data.pyi -------------------------------------------------------------------------------- /xla/python/_profiler.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/_profiler.pyi -------------------------------------------------------------------------------- /xla/python/_xla_builder.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/_xla_builder.pyi -------------------------------------------------------------------------------- /xla/python/dlpack_types.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/dlpack_types.cc -------------------------------------------------------------------------------- /xla/python/dlpack_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/dlpack_types.h -------------------------------------------------------------------------------- /xla/python/hlo_pass.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/hlo_pass.cc -------------------------------------------------------------------------------- /xla/python/ifrt/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/BUILD -------------------------------------------------------------------------------- /xla/python/ifrt/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/README.md -------------------------------------------------------------------------------- /xla/python/ifrt/array.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/array.cc -------------------------------------------------------------------------------- /xla/python/ifrt/array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/array.h -------------------------------------------------------------------------------- /xla/python/ifrt/array_spec.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/array_spec.h -------------------------------------------------------------------------------- /xla/python/ifrt/client.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/client.cc -------------------------------------------------------------------------------- /xla/python/ifrt/client.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/client.h -------------------------------------------------------------------------------- /xla/python/ifrt/compiler.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/compiler.cc -------------------------------------------------------------------------------- /xla/python/ifrt/compiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/compiler.h -------------------------------------------------------------------------------- /xla/python/ifrt/device.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/device.cc -------------------------------------------------------------------------------- /xla/python/ifrt/device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/device.h -------------------------------------------------------------------------------- /xla/python/ifrt/device.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/device.proto -------------------------------------------------------------------------------- /xla/python/ifrt/dtype.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/dtype.cc -------------------------------------------------------------------------------- /xla/python/ifrt/dtype.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/dtype.h -------------------------------------------------------------------------------- /xla/python/ifrt/dtype.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/dtype.proto -------------------------------------------------------------------------------- /xla/python/ifrt/executable.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/executable.h -------------------------------------------------------------------------------- /xla/python/ifrt/hlo/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/hlo/BUILD -------------------------------------------------------------------------------- /xla/python/ifrt/ifrt.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/ifrt.bzl -------------------------------------------------------------------------------- /xla/python/ifrt/index.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/index.cc -------------------------------------------------------------------------------- /xla/python/ifrt/index.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/index.h -------------------------------------------------------------------------------- /xla/python/ifrt/ir/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/ir/BUILD -------------------------------------------------------------------------------- /xla/python/ifrt/ir/ir_py.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/ir/ir_py.cc -------------------------------------------------------------------------------- /xla/python/ifrt/ir/utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/ir/utils.cc -------------------------------------------------------------------------------- /xla/python/ifrt/ir/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/ir/utils.h -------------------------------------------------------------------------------- /xla/python/ifrt/ir/version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/ir/version.h -------------------------------------------------------------------------------- /xla/python/ifrt/layout.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/layout.cc -------------------------------------------------------------------------------- /xla/python/ifrt/layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/layout.h -------------------------------------------------------------------------------- /xla/python/ifrt/layout.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/layout.proto -------------------------------------------------------------------------------- /xla/python/ifrt/memory.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/memory.cc -------------------------------------------------------------------------------- /xla/python/ifrt/memory.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/memory.h -------------------------------------------------------------------------------- /xla/python/ifrt/mock.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/mock.cc -------------------------------------------------------------------------------- /xla/python/ifrt/mock.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/mock.h -------------------------------------------------------------------------------- /xla/python/ifrt/program.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/program.cc -------------------------------------------------------------------------------- /xla/python/ifrt/program.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/program.h -------------------------------------------------------------------------------- /xla/python/ifrt/remap_plan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/remap_plan.h -------------------------------------------------------------------------------- /xla/python/ifrt/serdes.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/serdes.cc -------------------------------------------------------------------------------- /xla/python/ifrt/serdes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/serdes.h -------------------------------------------------------------------------------- /xla/python/ifrt/serdes.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/serdes.proto -------------------------------------------------------------------------------- /xla/python/ifrt/shape.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/shape.cc -------------------------------------------------------------------------------- /xla/python/ifrt/shape.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/shape.h -------------------------------------------------------------------------------- /xla/python/ifrt/shape.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/shape.proto -------------------------------------------------------------------------------- /xla/python/ifrt/sharding.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/sharding.cc -------------------------------------------------------------------------------- /xla/python/ifrt/sharding.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/sharding.h -------------------------------------------------------------------------------- /xla/python/ifrt/test_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/test_util.cc -------------------------------------------------------------------------------- /xla/python/ifrt/test_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/test_util.h -------------------------------------------------------------------------------- /xla/python/ifrt/topology.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/topology.cc -------------------------------------------------------------------------------- /xla/python/ifrt/topology.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/topology.h -------------------------------------------------------------------------------- /xla/python/ifrt/tuple.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/tuple.cc -------------------------------------------------------------------------------- /xla/python/ifrt/tuple.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/tuple.h -------------------------------------------------------------------------------- /xla/python/ifrt/value.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/value.cc -------------------------------------------------------------------------------- /xla/python/ifrt/value.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ifrt/value.h -------------------------------------------------------------------------------- /xla/python/logging.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/logging.cc -------------------------------------------------------------------------------- /xla/python/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/logging.h -------------------------------------------------------------------------------- /xla/python/nb_absl_span.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/nb_absl_span.h -------------------------------------------------------------------------------- /xla/python/nb_helpers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/nb_helpers.h -------------------------------------------------------------------------------- /xla/python/nb_numpy.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/nb_numpy.cc -------------------------------------------------------------------------------- /xla/python/nb_numpy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/nb_numpy.h -------------------------------------------------------------------------------- /xla/python/nb_status.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/nb_status.h -------------------------------------------------------------------------------- /xla/python/ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ops.cc -------------------------------------------------------------------------------- /xla/python/ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/ops.h -------------------------------------------------------------------------------- /xla/python/pjrt_ifrt/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/pjrt_ifrt/BUILD -------------------------------------------------------------------------------- /xla/python/profile_data.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/profile_data.cc -------------------------------------------------------------------------------- /xla/python/profiler.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/profiler.cc -------------------------------------------------------------------------------- /xla/python/profiler/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/profiler/BUILD -------------------------------------------------------------------------------- /xla/python/profiler_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/profiler_utils.cc -------------------------------------------------------------------------------- /xla/python/profiler_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/profiler_utils.h -------------------------------------------------------------------------------- /xla/python/pyinit_stub.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/pyinit_stub.c -------------------------------------------------------------------------------- /xla/python/pywrap.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/pywrap.bzl -------------------------------------------------------------------------------- /xla/python/strides.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/strides.cc -------------------------------------------------------------------------------- /xla/python/strides.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/strides.h -------------------------------------------------------------------------------- /xla/python/transfer/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/transfer/BUILD -------------------------------------------------------------------------------- /xla/python/types.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/types.cc -------------------------------------------------------------------------------- /xla/python/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/types.h -------------------------------------------------------------------------------- /xla/python/version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/version.h -------------------------------------------------------------------------------- /xla/python/xla_builder.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/xla_builder.cc -------------------------------------------------------------------------------- /xla/python/xla_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/xla_client.py -------------------------------------------------------------------------------- /xla/python/xla_extension.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python/xla_extension.py -------------------------------------------------------------------------------- /xla/python_api/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python_api/BUILD -------------------------------------------------------------------------------- /xla/python_api/types_.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python_api/types_.py -------------------------------------------------------------------------------- /xla/python_api/xla_shape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/python_api/xla_shape.py -------------------------------------------------------------------------------- /xla/pytype.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/pytype.bzl -------------------------------------------------------------------------------- /xla/reference_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/reference_util.cc -------------------------------------------------------------------------------- /xla/reference_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/reference_util.h -------------------------------------------------------------------------------- /xla/reference_util_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/reference_util_test.cc -------------------------------------------------------------------------------- /xla/runtime/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/runtime/BUILD -------------------------------------------------------------------------------- /xla/runtime/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/runtime/README.md -------------------------------------------------------------------------------- /xla/runtime/buffer_use.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/runtime/buffer_use.cc -------------------------------------------------------------------------------- /xla/runtime/buffer_use.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/runtime/buffer_use.h -------------------------------------------------------------------------------- /xla/runtime/device_id.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/runtime/device_id.h -------------------------------------------------------------------------------- /xla/runtime/object_pool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/runtime/object_pool.h -------------------------------------------------------------------------------- /xla/runtime/resource_use.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/runtime/resource_use.cc -------------------------------------------------------------------------------- /xla/runtime/resource_use.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/runtime/resource_use.h -------------------------------------------------------------------------------- /xla/runtime/work_cluster.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/runtime/work_cluster.h -------------------------------------------------------------------------------- /xla/runtime/work_group.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/runtime/work_group.h -------------------------------------------------------------------------------- /xla/runtime/work_item.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/runtime/work_item.h -------------------------------------------------------------------------------- /xla/runtime/work_tile_size.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/runtime/work_tile_size.h -------------------------------------------------------------------------------- /xla/service/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/BUILD -------------------------------------------------------------------------------- /xla/service/algorithm_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/algorithm_util.h -------------------------------------------------------------------------------- /xla/service/all_reduce_key.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/all_reduce_key.h -------------------------------------------------------------------------------- /xla/service/backend.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/backend.cc -------------------------------------------------------------------------------- /xla/service/backend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/backend.h -------------------------------------------------------------------------------- /xla/service/buffer_value.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/buffer_value.cc -------------------------------------------------------------------------------- /xla/service/buffer_value.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/buffer_value.h -------------------------------------------------------------------------------- /xla/service/call_graph.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/call_graph.cc -------------------------------------------------------------------------------- /xla/service/call_graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/call_graph.h -------------------------------------------------------------------------------- /xla/service/call_inliner.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/call_inliner.cc -------------------------------------------------------------------------------- /xla/service/call_inliner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/call_inliner.h -------------------------------------------------------------------------------- /xla/service/compiler.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/compiler.cc -------------------------------------------------------------------------------- /xla/service/compiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/compiler.h -------------------------------------------------------------------------------- /xla/service/compiler_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/compiler_test.cc -------------------------------------------------------------------------------- /xla/service/constant_value.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/constant_value.h -------------------------------------------------------------------------------- /xla/service/copy_insertion.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/copy_insertion.h -------------------------------------------------------------------------------- /xla/service/copy_removal.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/copy_removal.cc -------------------------------------------------------------------------------- /xla/service/copy_removal.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/copy_removal.h -------------------------------------------------------------------------------- /xla/service/cpu/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/cpu/BUILD -------------------------------------------------------------------------------- /xla/service/cpu/cpu_xfeed.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/cpu/cpu_xfeed.cc -------------------------------------------------------------------------------- /xla/service/cpu/cpu_xfeed.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/cpu/cpu_xfeed.h -------------------------------------------------------------------------------- /xla/service/cpu/ir_emitter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/cpu/ir_emitter.h -------------------------------------------------------------------------------- /xla/service/cpu/metrics.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/cpu/metrics.cc -------------------------------------------------------------------------------- /xla/service/cpu/metrics.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/cpu/metrics.h -------------------------------------------------------------------------------- /xla/service/cpu/tests/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/cpu/tests/BUILD -------------------------------------------------------------------------------- /xla/service/debug/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/debug/BUILD -------------------------------------------------------------------------------- /xla/service/dump.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/dump.cc -------------------------------------------------------------------------------- /xla/service/dump.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/dump.h -------------------------------------------------------------------------------- /xla/service/dump_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/dump_test.cc -------------------------------------------------------------------------------- /xla/service/dynamic_padder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/dynamic_padder.h -------------------------------------------------------------------------------- /xla/service/executable.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/executable.cc -------------------------------------------------------------------------------- /xla/service/executable.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/executable.h -------------------------------------------------------------------------------- /xla/service/export_hlo.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/export_hlo.h -------------------------------------------------------------------------------- /xla/service/float_support.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/float_support.cc -------------------------------------------------------------------------------- /xla/service/float_support.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/float_support.h -------------------------------------------------------------------------------- /xla/service/fusion_queue.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/fusion_queue.h -------------------------------------------------------------------------------- /xla/service/fuzzy_matcher.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/fuzzy_matcher.h -------------------------------------------------------------------------------- /xla/service/gpu/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/gpu/BUILD -------------------------------------------------------------------------------- /xla/service/gpu/alias_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/gpu/alias_info.h -------------------------------------------------------------------------------- /xla/service/gpu/flag_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/gpu/flag_utils.h -------------------------------------------------------------------------------- /xla/service/gpu/metrics.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/gpu/metrics.cc -------------------------------------------------------------------------------- /xla/service/gpu/metrics.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/gpu/metrics.h -------------------------------------------------------------------------------- /xla/service/gpu/model/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/gpu/model/BUILD -------------------------------------------------------------------------------- /xla/service/gpu/tests/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/gpu/tests/BUILD -------------------------------------------------------------------------------- /xla/service/gpu/transforms/README.md: -------------------------------------------------------------------------------- 1 | This folder consolidates GPU specific HLO transformation passes. -------------------------------------------------------------------------------- /xla/service/hlo.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo.proto -------------------------------------------------------------------------------- /xla/service/hlo_buffer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_buffer.cc -------------------------------------------------------------------------------- /xla/service/hlo_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_buffer.h -------------------------------------------------------------------------------- /xla/service/hlo_cse.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_cse.cc -------------------------------------------------------------------------------- /xla/service/hlo_cse.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_cse.h -------------------------------------------------------------------------------- /xla/service/hlo_cse_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_cse_test.cc -------------------------------------------------------------------------------- /xla/service/hlo_domain_map.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_domain_map.h -------------------------------------------------------------------------------- /xla/service/hlo_module_dce.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_module_dce.h -------------------------------------------------------------------------------- /xla/service/hlo_phi_graph.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_phi_graph.cc -------------------------------------------------------------------------------- /xla/service/hlo_phi_graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_phi_graph.h -------------------------------------------------------------------------------- /xla/service/hlo_proto_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_proto_util.h -------------------------------------------------------------------------------- /xla/service/hlo_runner.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_runner.cc -------------------------------------------------------------------------------- /xla/service/hlo_runner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_runner.h -------------------------------------------------------------------------------- /xla/service/hlo_value.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_value.cc -------------------------------------------------------------------------------- /xla/service/hlo_value.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_value.h -------------------------------------------------------------------------------- /xla/service/hlo_verifier.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_verifier.cc -------------------------------------------------------------------------------- /xla/service/hlo_verifier.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/hlo_verifier.h -------------------------------------------------------------------------------- /xla/service/llvm_compiler.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/llvm_compiler.cc -------------------------------------------------------------------------------- /xla/service/llvm_compiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/llvm_compiler.h -------------------------------------------------------------------------------- /xla/service/llvm_ir/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/llvm_ir/BUILD -------------------------------------------------------------------------------- /xla/service/local_service.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/local_service.cc -------------------------------------------------------------------------------- /xla/service/local_service.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/local_service.h -------------------------------------------------------------------------------- /xla/service/lockable.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/lockable.h -------------------------------------------------------------------------------- /xla/service/lockable_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/lockable_test.cc -------------------------------------------------------------------------------- /xla/service/logical_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/logical_buffer.h -------------------------------------------------------------------------------- /xla/service/map_inliner.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/map_inliner.cc -------------------------------------------------------------------------------- /xla/service/map_inliner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/map_inliner.h -------------------------------------------------------------------------------- /xla/service/metrics.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/metrics.proto -------------------------------------------------------------------------------- /xla/service/name_uniquer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/name_uniquer.cc -------------------------------------------------------------------------------- /xla/service/name_uniquer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/name_uniquer.h -------------------------------------------------------------------------------- /xla/service/platform_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/platform_util.cc -------------------------------------------------------------------------------- /xla/service/platform_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/platform_util.h -------------------------------------------------------------------------------- /xla/service/rendezvous.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/rendezvous.cc -------------------------------------------------------------------------------- /xla/service/rendezvous.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/rendezvous.h -------------------------------------------------------------------------------- /xla/service/scatter_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/scatter_utils.cc -------------------------------------------------------------------------------- /xla/service/scatter_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/scatter_utils.h -------------------------------------------------------------------------------- /xla/service/service.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/service.cc -------------------------------------------------------------------------------- /xla/service/service.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/service.h -------------------------------------------------------------------------------- /xla/service/shaped_buffer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/shaped_buffer.cc -------------------------------------------------------------------------------- /xla/service/shaped_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/shaped_buffer.h -------------------------------------------------------------------------------- /xla/service/spmd/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/spmd/BUILD -------------------------------------------------------------------------------- /xla/service/stream_pool.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/stream_pool.cc -------------------------------------------------------------------------------- /xla/service/stream_pool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/stream_pool.h -------------------------------------------------------------------------------- /xla/service/time_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/time_utils.h -------------------------------------------------------------------------------- /xla/service/topk_rewriter.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/topk_rewriter.cc -------------------------------------------------------------------------------- /xla/service/topk_rewriter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/topk_rewriter.h -------------------------------------------------------------------------------- /xla/service/tuple_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/tuple_util.cc -------------------------------------------------------------------------------- /xla/service/tuple_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/tuple_util.h -------------------------------------------------------------------------------- /xla/service/value_range.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/value_range.cc -------------------------------------------------------------------------------- /xla/service/value_range.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/value_range.h -------------------------------------------------------------------------------- /xla/service/while_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/while_util.cc -------------------------------------------------------------------------------- /xla/service/while_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/while_util.h -------------------------------------------------------------------------------- /xla/service/xla_compile.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/service/xla_compile.bzl -------------------------------------------------------------------------------- /xla/sh_test_with_runfiles.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/sh_test_with_runfiles.py -------------------------------------------------------------------------------- /xla/shape.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape.cc -------------------------------------------------------------------------------- /xla/shape.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape.h -------------------------------------------------------------------------------- /xla/shape_layout.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_layout.cc -------------------------------------------------------------------------------- /xla/shape_layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_layout.h -------------------------------------------------------------------------------- /xla/shape_partition.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_partition.cc -------------------------------------------------------------------------------- /xla/shape_partition.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_partition.h -------------------------------------------------------------------------------- /xla/shape_partition_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_partition_test.cc -------------------------------------------------------------------------------- /xla/shape_pool.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_pool.cc -------------------------------------------------------------------------------- /xla/shape_pool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_pool.h -------------------------------------------------------------------------------- /xla/shape_pool_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_pool_test.cc -------------------------------------------------------------------------------- /xla/shape_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_test.cc -------------------------------------------------------------------------------- /xla/shape_tree.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_tree.h -------------------------------------------------------------------------------- /xla/shape_tree_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_tree_test.cc -------------------------------------------------------------------------------- /xla/shape_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_util.cc -------------------------------------------------------------------------------- /xla/shape_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_util.h -------------------------------------------------------------------------------- /xla/shape_util.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_util.proto -------------------------------------------------------------------------------- /xla/shape_util_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/shape_util_test.cc -------------------------------------------------------------------------------- /xla/sharding_op_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/sharding_op_util.cc -------------------------------------------------------------------------------- /xla/sharding_op_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/sharding_op_util.h -------------------------------------------------------------------------------- /xla/side_effect_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/side_effect_util.cc -------------------------------------------------------------------------------- /xla/side_effect_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/side_effect_util.h -------------------------------------------------------------------------------- /xla/sort_json.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/sort_json.cc -------------------------------------------------------------------------------- /xla/sort_json.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/sort_json.h -------------------------------------------------------------------------------- /xla/sort_json_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/sort_json_test.cc -------------------------------------------------------------------------------- /xla/status_macros.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/status_macros.cc -------------------------------------------------------------------------------- /xla/status_macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/status_macros.h -------------------------------------------------------------------------------- /xla/status_macros_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/status_macros_test.cc -------------------------------------------------------------------------------- /xla/stream_executor/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/stream_executor/BUILD -------------------------------------------------------------------------------- /xla/stream_executor/blas.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/stream_executor/blas.cc -------------------------------------------------------------------------------- /xla/stream_executor/blas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/stream_executor/blas.h -------------------------------------------------------------------------------- /xla/stream_executor/dnn.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/stream_executor/dnn.cc -------------------------------------------------------------------------------- /xla/stream_executor/dnn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/stream_executor/dnn.h -------------------------------------------------------------------------------- /xla/stream_executor/event.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/stream_executor/event.h -------------------------------------------------------------------------------- /xla/stream_executor/fft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/stream_executor/fft.h -------------------------------------------------------------------------------- /xla/stream_executor/kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/stream_executor/kernel.h -------------------------------------------------------------------------------- /xla/stream_executor/stream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/stream_executor/stream.h -------------------------------------------------------------------------------- /xla/tests/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/BUILD -------------------------------------------------------------------------------- /xla/tests/all_reduce_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/all_reduce_test.cc -------------------------------------------------------------------------------- /xla/tests/atan2_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/atan2_test.cc -------------------------------------------------------------------------------- /xla/tests/bfloat16_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/bfloat16_test.cc -------------------------------------------------------------------------------- /xla/tests/broadcast_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/broadcast_test.cc -------------------------------------------------------------------------------- /xla/tests/build_defs.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/build_defs.bzl -------------------------------------------------------------------------------- /xla/tests/call_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/call_test.cc -------------------------------------------------------------------------------- /xla/tests/cholesky_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/cholesky_test.cc -------------------------------------------------------------------------------- /xla/tests/client_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/client_test.cc -------------------------------------------------------------------------------- /xla/tests/concat_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/concat_test.cc -------------------------------------------------------------------------------- /xla/tests/constants_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/constants_test.cc -------------------------------------------------------------------------------- /xla/tests/convert_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/convert_test.cc -------------------------------------------------------------------------------- /xla/tests/copy_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/copy_test.cc -------------------------------------------------------------------------------- /xla/tests/deep_graph_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/deep_graph_test.cc -------------------------------------------------------------------------------- /xla/tests/exhaustive/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/exhaustive/BUILD -------------------------------------------------------------------------------- /xla/tests/fft_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/fft_test.cc -------------------------------------------------------------------------------- /xla/tests/float8_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/float8_test.cc -------------------------------------------------------------------------------- /xla/tests/floor_ceil_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/floor_ceil_test.cc -------------------------------------------------------------------------------- /xla/tests/fmax_fmin_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/fmax_fmin_test.cc -------------------------------------------------------------------------------- /xla/tests/half_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/half_test.cc -------------------------------------------------------------------------------- /xla/tests/hlo_test_base.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/hlo_test_base.cc -------------------------------------------------------------------------------- /xla/tests/hlo_test_base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/hlo_test_base.h -------------------------------------------------------------------------------- /xla/tests/int4_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/int4_test.cc -------------------------------------------------------------------------------- /xla/tests/iota_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/iota_test.cc -------------------------------------------------------------------------------- /xla/tests/log_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/log_test.cc -------------------------------------------------------------------------------- /xla/tests/map_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/map_test.cc -------------------------------------------------------------------------------- /xla/tests/matmul_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/matmul_test.cc -------------------------------------------------------------------------------- /xla/tests/numerics_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/numerics_test.cc -------------------------------------------------------------------------------- /xla/tests/pad_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/pad_test.cc -------------------------------------------------------------------------------- /xla/tests/params_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/params_test.cc -------------------------------------------------------------------------------- /xla/tests/plugin.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/plugin.bzl -------------------------------------------------------------------------------- /xla/tests/pred_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/pred_test.cc -------------------------------------------------------------------------------- /xla/tests/prng_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/prng_test.cc -------------------------------------------------------------------------------- /xla/tests/reduce_hlo_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/reduce_hlo_test.cc -------------------------------------------------------------------------------- /xla/tests/reduce_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/reduce_test.cc -------------------------------------------------------------------------------- /xla/tests/remainder_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/remainder_test.cc -------------------------------------------------------------------------------- /xla/tests/replay_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/replay_test.cc -------------------------------------------------------------------------------- /xla/tests/reshape_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/reshape_test.cc -------------------------------------------------------------------------------- /xla/tests/reverse_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/reverse_test.cc -------------------------------------------------------------------------------- /xla/tests/rng_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/rng_test.cc -------------------------------------------------------------------------------- /xla/tests/scatter_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/scatter_test.cc -------------------------------------------------------------------------------- /xla/tests/select_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/select_test.cc -------------------------------------------------------------------------------- /xla/tests/slice_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/slice_test.cc -------------------------------------------------------------------------------- /xla/tests/sort_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/sort_test.cc -------------------------------------------------------------------------------- /xla/tests/test_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/test_utils.cc -------------------------------------------------------------------------------- /xla/tests/test_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/test_utils.h -------------------------------------------------------------------------------- /xla/tests/test_utils_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/test_utils_test.cc -------------------------------------------------------------------------------- /xla/tests/token_hlo_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/token_hlo_test.cc -------------------------------------------------------------------------------- /xla/tests/topk_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/topk_test.cc -------------------------------------------------------------------------------- /xla/tests/transpose_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/transpose_test.cc -------------------------------------------------------------------------------- /xla/tests/tuple_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/tuple_test.cc -------------------------------------------------------------------------------- /xla/tests/unary_op_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/unary_op_test.cc -------------------------------------------------------------------------------- /xla/tests/while_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tests/while_test.cc -------------------------------------------------------------------------------- /xla/text_literal_reader.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/text_literal_reader.cc -------------------------------------------------------------------------------- /xla/text_literal_reader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/text_literal_reader.h -------------------------------------------------------------------------------- /xla/text_literal_writer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/text_literal_writer.cc -------------------------------------------------------------------------------- /xla/text_literal_writer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/text_literal_writer.h -------------------------------------------------------------------------------- /xla/tools/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/BUILD -------------------------------------------------------------------------------- /xla/tools/compute_cost.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/compute_cost.cc -------------------------------------------------------------------------------- /xla/tools/data/add.hlo: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/data/add.hlo -------------------------------------------------------------------------------- /xla/tools/data/add_mhlo.mlir: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/data/add_mhlo.mlir -------------------------------------------------------------------------------- /xla/tools/driver.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/driver.cc -------------------------------------------------------------------------------- /xla/tools/hlo_bisect/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/hlo_bisect/BUILD -------------------------------------------------------------------------------- /xla/tools/hlo_decomposer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/hlo_decomposer.cc -------------------------------------------------------------------------------- /xla/tools/hlo_decomposer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/hlo_decomposer.h -------------------------------------------------------------------------------- /xla/tools/hlo_expand.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/hlo_expand.cc -------------------------------------------------------------------------------- /xla/tools/hlo_expand.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/hlo_expand.h -------------------------------------------------------------------------------- /xla/tools/hlo_expand_main.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/hlo_expand_main.cc -------------------------------------------------------------------------------- /xla/tools/hlo_extractor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/hlo_extractor.cc -------------------------------------------------------------------------------- /xla/tools/hlo_extractor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/hlo_extractor.h -------------------------------------------------------------------------------- /xla/tools/hlo_opt/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/hlo_opt/BUILD -------------------------------------------------------------------------------- /xla/tools/hlo_slicer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/hlo_slicer.cc -------------------------------------------------------------------------------- /xla/tools/hlo_slicer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/hlo_slicer.h -------------------------------------------------------------------------------- /xla/tools/platform/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/platform/BUILD -------------------------------------------------------------------------------- /xla/tools/ptx_opt/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/ptx_opt/BUILD -------------------------------------------------------------------------------- /xla/tools/tests/spmd.hlo: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tools/tests/spmd.hlo -------------------------------------------------------------------------------- /xla/tsl/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/BUILD -------------------------------------------------------------------------------- /xla/tsl/c/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/c/BUILD -------------------------------------------------------------------------------- /xla/tsl/c/tsl_status.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/c/tsl_status.cc -------------------------------------------------------------------------------- /xla/tsl/c/tsl_status.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/c/tsl_status.h -------------------------------------------------------------------------------- /xla/tsl/concurrency/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/concurrency/BUILD -------------------------------------------------------------------------------- /xla/tsl/cuda/BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/cuda/BUILD.bazel -------------------------------------------------------------------------------- /xla/tsl/cuda/cuda.symbols: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/cuda/cuda.symbols -------------------------------------------------------------------------------- /xla/tsl/cuda/cuda_stub.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/cuda/cuda_stub.cc -------------------------------------------------------------------------------- /xla/tsl/cuda/nccl.symbols: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/cuda/nccl.symbols -------------------------------------------------------------------------------- /xla/tsl/cuda/nccl_stub.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/cuda/nccl_stub.cc -------------------------------------------------------------------------------- /xla/tsl/cuda/nvml.symbols: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/cuda/nvml.symbols -------------------------------------------------------------------------------- /xla/tsl/cuda/nvml_stub.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/cuda/nvml_stub.cc -------------------------------------------------------------------------------- /xla/tsl/cuda/stub.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/cuda/stub.bzl -------------------------------------------------------------------------------- /xla/tsl/framework/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/framework/BUILD -------------------------------------------------------------------------------- /xla/tsl/lib/core/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/core/BUILD -------------------------------------------------------------------------------- /xla/tsl/lib/core/bitmap.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/core/bitmap.h -------------------------------------------------------------------------------- /xla/tsl/lib/core/bits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/core/bits.h -------------------------------------------------------------------------------- /xla/tsl/lib/gtl/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/gtl/BUILD -------------------------------------------------------------------------------- /xla/tsl/lib/gtl/flatmap.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/gtl/flatmap.h -------------------------------------------------------------------------------- /xla/tsl/lib/gtl/flatrep.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/gtl/flatrep.h -------------------------------------------------------------------------------- /xla/tsl/lib/gtl/flatset.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/gtl/flatset.h -------------------------------------------------------------------------------- /xla/tsl/lib/hash/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/hash/BUILD -------------------------------------------------------------------------------- /xla/tsl/lib/hash/crc32c.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/hash/crc32c.h -------------------------------------------------------------------------------- /xla/tsl/lib/io/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/io/BUILD -------------------------------------------------------------------------------- /xla/tsl/lib/io/block.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/io/block.cc -------------------------------------------------------------------------------- /xla/tsl/lib/io/block.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/io/block.h -------------------------------------------------------------------------------- /xla/tsl/lib/io/cache.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/io/cache.cc -------------------------------------------------------------------------------- /xla/tsl/lib/io/cache.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/io/cache.h -------------------------------------------------------------------------------- /xla/tsl/lib/io/format.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/io/format.cc -------------------------------------------------------------------------------- /xla/tsl/lib/io/format.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/io/format.h -------------------------------------------------------------------------------- /xla/tsl/lib/io/iterator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/io/iterator.h -------------------------------------------------------------------------------- /xla/tsl/lib/io/table.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/io/table.cc -------------------------------------------------------------------------------- /xla/tsl/lib/io/table.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/io/table.h -------------------------------------------------------------------------------- /xla/tsl/lib/math/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/math/BUILD -------------------------------------------------------------------------------- /xla/tsl/lib/random/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/random/BUILD -------------------------------------------------------------------------------- /xla/tsl/lib/strings/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/lib/strings/BUILD -------------------------------------------------------------------------------- /xla/tsl/mkl/BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/mkl/BUILD.bazel -------------------------------------------------------------------------------- /xla/tsl/mkl/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/mkl/LICENSE -------------------------------------------------------------------------------- /xla/tsl/mkl/MKL_LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/mkl/MKL_LICENSE -------------------------------------------------------------------------------- /xla/tsl/mkl/graph.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/mkl/graph.bzl -------------------------------------------------------------------------------- /xla/tsl/platform/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/platform/BUILD -------------------------------------------------------------------------------- /xla/tsl/platform/env.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/platform/env.cc -------------------------------------------------------------------------------- /xla/tsl/platform/env.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/platform/env.h -------------------------------------------------------------------------------- /xla/tsl/platform/errors.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/platform/errors.h -------------------------------------------------------------------------------- /xla/tsl/platform/macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/platform/macros.h -------------------------------------------------------------------------------- /xla/tsl/platform/status.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/platform/status.h -------------------------------------------------------------------------------- /xla/tsl/platform/test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/platform/test.cc -------------------------------------------------------------------------------- /xla/tsl/platform/test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/platform/test.h -------------------------------------------------------------------------------- /xla/tsl/platform/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/platform/types.h -------------------------------------------------------------------------------- /xla/tsl/protobuf/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/protobuf/BUILD -------------------------------------------------------------------------------- /xla/tsl/testing/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/testing/BUILD -------------------------------------------------------------------------------- /xla/tsl/tsl.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/tsl.bzl -------------------------------------------------------------------------------- /xla/tsl/tsl.default.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/tsl.default.bzl -------------------------------------------------------------------------------- /xla/tsl/util/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/util/BUILD -------------------------------------------------------------------------------- /xla/tsl/util/env_var.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/util/env_var.cc -------------------------------------------------------------------------------- /xla/tsl/util/env_var.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/util/env_var.h -------------------------------------------------------------------------------- /xla/tsl/util/proto/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/util/proto/BUILD -------------------------------------------------------------------------------- /xla/tsl/util/reporter.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/util/reporter.cc -------------------------------------------------------------------------------- /xla/tsl/util/reporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/util/reporter.h -------------------------------------------------------------------------------- /xla/tsl/util/use_cudnn.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/util/use_cudnn.cc -------------------------------------------------------------------------------- /xla/tsl/util/use_cudnn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/util/use_cudnn.h -------------------------------------------------------------------------------- /xla/tsl/xnnpack/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tsl/xnnpack/BUILD -------------------------------------------------------------------------------- /xla/tuple_tree.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tuple_tree.cc -------------------------------------------------------------------------------- /xla/tuple_tree.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tuple_tree.h -------------------------------------------------------------------------------- /xla/tuple_tree_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/tuple_tree_test.cc -------------------------------------------------------------------------------- /xla/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/types.h -------------------------------------------------------------------------------- /xla/types_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/types_test.cc -------------------------------------------------------------------------------- /xla/union_find.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/union_find.h -------------------------------------------------------------------------------- /xla/util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/util.cc -------------------------------------------------------------------------------- /xla/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/util.h -------------------------------------------------------------------------------- /xla/util/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/util/BUILD -------------------------------------------------------------------------------- /xla/util/dlpack_types.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/util/dlpack_types.cc -------------------------------------------------------------------------------- /xla/util/dlpack_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/util/dlpack_types.h -------------------------------------------------------------------------------- /xla/util/strides.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/util/strides.cc -------------------------------------------------------------------------------- /xla/util/strides.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/util/strides.h -------------------------------------------------------------------------------- /xla/util_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/util_test.cc -------------------------------------------------------------------------------- /xla/window_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/window_util.cc -------------------------------------------------------------------------------- /xla/window_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/window_util.h -------------------------------------------------------------------------------- /xla/window_util_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/window_util_test.cc -------------------------------------------------------------------------------- /xla/xla.default.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/xla.default.bzl -------------------------------------------------------------------------------- /xla/xla.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/xla.proto -------------------------------------------------------------------------------- /xla/xla_data.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/openxla/xla/HEAD/xla/xla_data.proto --------------------------------------------------------------------------------