pytorch
b6b17e9a - Merge branch 'main' of github.com:pytorch/pytorch into Switch-Linux-arm64-Runners

Commit
1 year ago
Merge branch 'main' of github.com:pytorch/pytorch into Switch-Linux-arm64-Runners
Author
  • .ci
    • docker
      • ci_commit_pins
        • File
          triton-rocm.txt
      • common
        • File
          install_onnx.sh
      • File
        requirements-ci.txt
    • pytorch
      • File
        common_utils.sh
      • File
        multigpu-test.sh
      • File
        test.sh
  • .github
    • actions/filter-test-configs
      • File
        action.yml
    • ci_commit_pins
      • File
        huggingface.txt
      • File
        vision.txt
      • File
        xla.txt
    • requirements
      • File
        pip-requirements-macOS.txt
    • scripts
      • File
        build_triton_wheel.py
      • File
        comment_on_pr.py
      • File
        run_torchbench.py
      • File
        test_trymerge.py
      • File
        trymerge.py
    • templates
      • File
        upload.yml.j2
    • workflows
      • File
        _binary-build-linux.yml
      • File
        _binary-upload.yml
      • File
        _rocm-test.yml
      • File
        build-triton-wheel.yml
      • File
        docker-builds.yml
      • File
        docker-release.yml
      • File
        generated-linux-aarch64-binary-manywheel-nightly.yml
      • File
        generated-linux-binary-conda-nightly.yml
      • File
        generated-linux-binary-libtorch-cxx11-abi-nightly.yml
      • File
        generated-linux-binary-libtorch-pre-cxx11-nightly.yml
      • File
        generated-linux-binary-manywheel-nightly.yml
      • File
        generated-macos-arm64-binary-conda-nightly.yml
      • File
        generated-macos-arm64-binary-wheel-nightly.yml
      • File
        generated-macos-binary-conda-nightly.yml
      • File
        generated-macos-binary-libtorch-cxx11-abi-nightly.yml
      • File
        generated-macos-binary-wheel-nightly.yml
      • File
        generated-windows-binary-conda-nightly.yml
      • File
        generated-windows-binary-libtorch-debug-nightly.yml
      • File
        generated-windows-binary-libtorch-release-nightly.yml
      • File
        generated-windows-binary-wheel-nightly.yml
      • File
        nightly-rockset-uploads.yml
      • File
        periodic.yml
      • File
        run_torchbench.yml
      • File
        slow.yml
      • File
        trunk.yml
      • File
        update_s3_htmls.yml
      • File
        upload-alerts.yml
      • File
        upload-test-stats.yml
      • File
        upload-torch-dynamo-perf-stats.yml
  • File
    .lintrunner.toml
  • File
    CODEOWNERS
  • File
    README.md
  • File
    RELEASE.md
  • aten/src/ATen
    • File
      Dispatch.h
    • File
      EmptyTensor.h
    • core
      • File
        TensorBase.h
      • boxing/impl
        • File
          make_boxed_from_unboxed_functor.h
      • File
        ivalue.h
      • File
        jit_type.h
      • op_registration
        • File
          infer_schema.h
    • cpu/vec
      • vec256/vsx
        • File
          vec256_int16_vsx.h
        • File
          vec256_int32_vsx.h
        • File
          vec256_int64_vsx.h
      • File
        vec_half.h
    • cuda
      • File
        CUDABlas.cpp
      • File
        CUDAGraph.cpp
      • File
        CUDAGraph.h
      • detail
        • File
          CUDAHooks.cpp
        • File
          CUDAHooks.h
    • detail
      • File
        CUDAHooksInterface.h
    • mps
      • File
        EmptyTensor.cpp
    • native
      • File
        Copy.cpp
      • File
        DilatedMaxPool3d.cpp
      • File
        DispatchStub.cpp
      • File
        DispatchStub.h
      • File
        LinearAlgebra.cpp
      • File
        NonSymbolicBC.h
      • File
        Pool.h
      • File
        RNN.cpp
      • File
        SparseTensorUtils.cpp
      • File
        SpectralOps.cpp
      • File
        TensorConversions.cpp
      • File
        TensorConversions.h
      • File
        TensorShape.cpp
      • cpu
        • File
          Activation.cpp
        • File
          BinaryOpsKernel.cpp
        • File
          ComplexKernel.cpp
        • File
          DepthwiseConvKernel.cpp
        • File
          DistributionKernels.cpp
        • File
          FlashAttentionKernel.cpp
        • File
          MaxPoolKernel.cpp
        • File
          PaddingKernel.cpp
        • File
          PowKernel.cpp
        • File
          README.md
        • File
          ReduceOpsKernel.cpp
        • File
          SoftMaxKernel.cpp
        • File
          SumKernel.cpp
        • File
          UnaryOpsKernel.cpp
      • cuda
        • File
          CuFFTPlanCache.h
        • File
          FusedAdamKernel.cu
        • File
          FusedAdamWKernel.cu
        • File
          ReflectionPad.cu
        • File
          ReplicationPadding.cu
        • File
          SpectralOps.cpp
        • File
          fused_adam_amsgrad_impl.cu
        • File
          fused_adam_amsgrad_impl.cuh
        • File
          fused_adam_impl.cu
        • File
          fused_adam_impl.cuh
        • File
          fused_adam_utils.cuh
        • File
          fused_adamw_amsgrad_impl.cu
        • File
          fused_adamw_amsgrad_impl.cuh
        • File
          fused_adamw_impl.cu
        • File
          fused_adamw_impl.cuh
        • File
          layer_norm_kernel.cu
      • mkldnn
        • File
          Conv.cpp
        • File
          MKLDNNCommon.cpp
        • File
          Utils.cpp
      • mps
        • File
          OperationUtils.h
        • operations
          • File
            BinaryKernel.mm
          • File
            BinaryOps.mm
          • File
            ReduceOps.mm
      • File
        native_functions.yaml
      • quantized
        • cpu
          • File
            OnednnUtils.h
          • File
            Pooling.cpp
          • kernels
            • File
              QuantizedOpKernels.cpp
          • File
            qconv.cpp
          • File
            qconv_prepack.cpp
          • File
            qembeddingbag.cpp
          • File
            qembeddingbag_prepack.cpp
          • File
            qembeddingbag_prepack.h
          • File
            qembeddingbag_unpack.cpp
          • File
            qlinear.cpp
          • File
            qlinear_prepack.cpp
        • cudnn
          • File
            utils.h
        • File
          library.cpp
      • sparse
        • File
          SparseCsrTensor.cpp
        • File
          SparseCsrTensorMath.cpp
        • File
          SparseTensor.cpp
        • File
          SparseTensorMath.cpp
        • File
          SparseUnaryOps.cpp
        • cuda
          • File
            SparseSemiStructuredLinear.cu
          • File
            cuSPARSELtOps.cpp
          • cutlass
            • File
              README.md
            • File
              default_epilogue_tensor_op_row_broadcast.h
            • File
              default_gemm_sparse_row_broadcast.h
            • File
              gemm_sparse_row_broadcast.h
            • File
              predicated_tile_iterator_row_broadcast.h
            • File
              sparse_gemm_row_broadcast.h
      • transformers/cuda/mem_eff_attention
        • File
          kernel_backward.h
        • File
          kernel_forward.h
    • ops
      • File
        from_blob.h
    • templates
      • File
        Functions.cpp
    • test
      • File
        vec_test_all_types.cpp
  • benchmarks/dynamo
    • ci_expected_accuracy
      • File
        inductor_torchbench_inference.csv
    • File
      common.py
  • c10
    • core
      • File
        ConstantSymNodeImpl.cpp
      • File
        ConstantSymNodeImpl.h
      • File
        Device.h
      • File
        LargeNegativeIntSymNodeImpl.h
      • File
        Scalar.h
      • File
        SingletonSymNodeImpl.cpp
      • File
        SingletonSymNodeImpl.h
      • File
        Storage.h
      • File
        SymBool.cpp
      • File
        SymBool.h
      • File
        SymInt.cpp
      • File
        SymInt.h
      • File
        SymNodeImpl.h
    • cuda
      • File
        CUDACachingAllocator.cpp
      • File
        CUDAFunctions.cpp
      • File
        CUDAFunctions.h
    • test/core
      • File
        SymInt_test.cpp
    • util
      • File
        Half-inl.h
  • caffe2
    • ideep/operators/quantization
      • File
        int8_fully_connected_op.cc
    • python
      • File
        core.py
  • cmake
    • Modules
      • File
        FindMKLDNN.cmake
    • public
      • File
        mkldnn.cmake
  • docs/source
    • _static/img/torch_cuda_memory
      • File
        active_memory_timeline.png
      • File
        allocator_state_history.png
    • community
      • File
        persons_of_interest.rst
    • File
      data.rst
    • File
      export.rst
    • File
      index.rst
    • File
      named_tensor.rst
    • notes
      • File
        autograd.rst
      • File
        cuda.rst
    • File
      onnx.rst
    • File
      onnx_diagnostics.rst
    • scripts
      • exportdb
        • File
          generate_example_rst.py
      • onnx
        • File
          build_onnx_diagnostics_rules_md.py
    • File
      sparse.rst
    • File
      tensors.rst
    • File
      torch_cuda_memory.rst
  • functorch
    • csrc/dim
      • File
        dim.cpp
    • experimental
      • File
        _map.py
      • File
        control_flow.py
    • File
      writing_batching_rules.md
  • File
    requirements.txt
  • test
    • distributed
      • _tensor
        • File
          test_device_mesh.py
        • File
          test_dtensor.py
        • File
          test_dtensor_compile.py
      • fsdp
        • File
          test_fsdp_backward_prefetch.py
        • File
          test_fsdp_hybrid_shard.py
      • tensor/parallel
        • File
          test_fsdp_2d_parallel.py
      • File
        test_c10d_nccl.py
      • File
        test_fake_pg.py
    • dynamo
      • File
        test_activation_checkpointing.py
      • File
        test_aot_autograd.py
      • File
        test_autograd_function.py
      • File
        test_exc.py
      • File
        test_export.py
      • File
        test_higher_order_ops.py
      • File
        test_logging.py
      • File
        test_misc.py
      • File
        test_modules.py
      • File
        test_profiler.py
      • File
        test_repros.py
      • File
        test_subclasses.py
    • expect
      • HasDecompTest.test_aten_core_operators.expect
      • HasDecompTest.test_has_decomposition.expect
    • export
      • File
        test_export.py
      • File
        test_pass_infra.py
      • File
        test_passes.py
      • File
        test_serialize.py
      • File
        test_upgrade.py
    • functorch
      • File
        test_aotdispatch.py
      • File
        test_control_flow.py
      • File
        test_eager_transforms.py
    • fx
      • File
        test_fx_split.py
    • inductor
      • File
        test_aot_inductor.py
      • File
        test_cpu_repro.py
      • File
        test_foreach.py
      • File
        test_fused_attention.py
      • File
        test_group_batch_fusion.py
      • File
        test_inductor_freezing.py
      • File
        test_mkldnn_pattern_matcher.py
      • File
        test_pattern_matcher.py
      • File
        test_perf.py
      • File
        test_profiler.py
      • File
        test_snode_runtime.py
      • File
        test_torchinductor.py
      • File
        test_torchinductor_opinfo.py
      • File
        test_triton_heuristics.py
    • nn
      • File
        test_pooling.py
    • onnx
      • dynamo
        • File
          test_dynamo_with_onnxruntime_backend.py
        • File
          test_exporter_api.py
      • expect
        • TestOperators.test_acos.expect
        • TestOperators.test_add_broadcast.expect
        • TestOperators.test_add_left_broadcast.expect
        • TestOperators.test_add_size1_broadcast.expect
        • TestOperators.test_add_size1_right_broadcast.expect
        • TestOperators.test_add_size1_singleton_broadcast.expect
        • TestOperators.test_addconstant.expect
        • TestOperators.test_addmm.expect
        • TestOperators.test_arange_dynamic.expect
        • TestOperators.test_argmax.expect
        • TestOperators.test_asin.expect
        • TestOperators.test_at_op.expect
        • TestOperators.test_atan.expect
        • TestOperators.test_aten_embedding_1.expect
        • TestOperators.test_aten_embedding_2.expect
        • TestOperators.test_avg_pool2d.expect
        • TestOperators.test_baddbmm.expect
        • TestOperators.test_basic.expect
        • TestOperators.test_batchnorm.expect
        • TestOperators.test_batchnorm_1d.expect
        • TestOperators.test_batchnorm_noaffine.expect
        • TestOperators.test_batchnorm_onnx_irv4.expect
        • TestOperators.test_batchnorm_training.expect
        • TestOperators.test_bitshift.expect
        • TestOperators.test_c2_op.expect
        • TestOperators.test_chunk.expect
        • TestOperators.test_clip.expect
        • TestOperators.test_clip_max.expect
        • TestOperators.test_clip_min.expect
        • TestOperators.test_concat2.expect
        • TestOperators.test_conv.expect
        • TestOperators.test_conv_onnx_irv4.expect
        • TestOperators.test_conv_onnx_irv4_opset8.expect
        • TestOperators.test_convtranspose.expect
        • TestOperators.test_cos.expect
        • TestOperators.test_cumsum.expect
        • TestOperators.test_det.expect
        • TestOperators.test_dict.expect
        • TestOperators.test_dict_str.expect
        • TestOperators.test_dim.expect
        • TestOperators.test_dropout.expect
        • TestOperators.test_dropout_default.expect
        • TestOperators.test_dropout_opset12.expect
        • TestOperators.test_dropout_training.expect
        • TestOperators.test_dropout_training_opset12.expect
        • TestOperators.test_dynamic_axes_add.expect
        • TestOperators.test_dynamic_axes_add_inputs_same_symbolic_shape.expect
        • TestOperators.test_dynamic_axes_matmul.expect
        • TestOperators.test_dynamic_axes_reduce_mean.expect
        • TestOperators.test_dynamic_axes_unchange.expect
        • TestOperators.test_elu.expect
        • TestOperators.test_embedding_bags.expect
        • TestOperators.test_empty_like.expect
        • TestOperators.test_equal.expect
        • TestOperators.test_erf.expect
        • TestOperators.test_exp.expect
        • TestOperators.test_expand.expect
        • TestOperators.test_flatten.expect
        • TestOperators.test_flatten2D.expect
        • TestOperators.test_fmod.expect
        • TestOperators.test_frobenius_norm.expect
        • TestOperators.test_full.expect
        • TestOperators.test_full_like.expect
        • TestOperators.test_gather.expect
        • TestOperators.test_gather_opset11.expect
        • TestOperators.test_ge.expect
        • TestOperators.test_gelu.expect
        • TestOperators.test_gt.expect
        • TestOperators.test_hardtanh.expect
        • TestOperators.test_implicit_expand.expect
        • TestOperators.test_index.expect
        • TestOperators.test_isnan.expect
        • TestOperators.test_layer_norm_aten.expect
        • TestOperators.test_le.expect
        • TestOperators.test_linear.expect
        • TestOperators.test_log_sigmoid.expect
        • TestOperators.test_logsoftmax.expect
        • TestOperators.test_lstm_none_sequence_lens.expect
        • TestOperators.test_lt.expect
        • TestOperators.test_master_opset.expect
        • TestOperators.test_max.expect
        • TestOperators.test_maxpool.expect
        • TestOperators.test_maxpool_dilations.expect
        • TestOperators.test_maxpool_indices.expect
        • TestOperators.test_mean.expect
        • TestOperators.test_mean_dtype.expect
        • TestOperators.test_meshgrid.expect
        • TestOperators.test_min.expect
        • TestOperators.test_mm.expect
        • TestOperators.test_mul_bool.expect
        • TestOperators.test_mul_fp_bool.expect
        • TestOperators.test_narrow.expect
        • TestOperators.test_ne.expect
        • TestOperators.test_nonzero.expect
        • TestOperators.test_norm_p1.expect
        • TestOperators.test_norm_p2.expect
        • TestOperators.test_ones_like.expect
        • TestOperators.test_pad.expect
        • TestOperators.test_params.expect
        • TestOperators.test_params_onnx_irv4.expect
        • TestOperators.test_permute2.expect
        • TestOperators.test_pixel_shuffle.expect
        • TestOperators.test_pow.expect
        • TestOperators.test_prelu.expect
        • TestOperators.test_prod.expect
        • TestOperators.test_prod_dtype.expect
        • TestOperators.test_rand.expect
        • TestOperators.test_randn.expect
        • TestOperators.test_reduce_sum_negative_indices.expect
        • TestOperators.test_reduced_mean.expect
        • TestOperators.test_reduced_mean_dtype.expect
        • TestOperators.test_reduced_mean_keepdim.expect
        • TestOperators.test_reduced_prod.expect
        • TestOperators.test_reduced_prod_dtype.expect
        • TestOperators.test_reduced_prod_keepdim.expect
        • TestOperators.test_reduced_sum.expect
        • TestOperators.test_reduced_sum_dtype.expect
        • TestOperators.test_reduced_sum_keepdim.expect
        • TestOperators.test_reducemax.expect
        • TestOperators.test_reducemin.expect
        • TestOperators.test_remainder.expect
        • TestOperators.test_repeat.expect
        • TestOperators.test_repeat_dim_overflow.expect
        • TestOperators.test_round.expect
        • TestOperators.test_rrelu.expect
        • TestOperators.test_rsqrt.expect
        • TestOperators.test_rsub.expect
        • TestOperators.test_scatter_add.expect
        • TestOperators.test_scatter_add_opset11.expect
        • TestOperators.test_scatter_add_opset16.expect
        • TestOperators.test_selu.expect
        • TestOperators.test_shape_value_map.expect
        • TestOperators.test_sign.expect
        • TestOperators.test_sin.expect
        • TestOperators.test_slice.expect
        • TestOperators.test_slice_dynamic.expect
        • TestOperators.test_softmaxcrossentropy.expect
        • TestOperators.test_softmaxcrossentropy_3d.expect
        • TestOperators.test_softmaxcrossentropy_3d_none.expect
        • TestOperators.test_softmaxcrossentropy_4d.expect
        • TestOperators.test_softmaxcrossentropy_ignore_index.expect
        • TestOperators.test_softmaxcrossentropy_weights.expect
        • TestOperators.test_split.expect
        • TestOperators.test_split_with_sizes.expect
        • TestOperators.test_sqrt.expect
        • TestOperators.test_std.expect
        • TestOperators.test_sum.expect
        • TestOperators.test_sum_dtype.expect
        • TestOperators.test_tan.expect
        • TestOperators.test_topk.expect
        • TestOperators.test_topk_smallest_unsorted.expect
        • TestOperators.test_transpose.expect
        • TestOperators.test_type_as.expect
        • TestOperators.test_unfold.expect
        • TestOperators.test_unique.expect
        • TestOperators.test_unsqueeze.expect
        • TestOperators.test_upsample_nearest_scale.expect
        • TestOperators.test_upsample_nearest_scale_default_scale_factor.expect
        • TestOperators.test_upsample_nearest_size.expect
        • TestOperators.test_view.expect
        • TestOperators.test_view_flatten.expect
        • TestOperators.test_zeros_like.expect
      • File
        onnx_test_common.py
      • File
        test_fx_op_consistency.py
      • File
        test_fx_to_onnx.py
      • File
        test_fx_to_onnx_with_onnxruntime.py
      • File
        test_op_consistency.py
      • File
        test_pytorch_onnx_no_runtime.py
      • File
        test_pytorch_onnx_onnxruntime.py
    • optim
      • File
        test_optim.py
    • profiler
      • File
        test_profiler.py
      • File
        test_profiler_tree.py
    • quantization
      • core
        • experimental
          • File
            test_float8.py
        • File
          test_quantized_op.py
      • pt2e
        • File
          test_quantize_pt2e.py
        • File
          test_quantize_pt2e_fx.py
        • File
          test_x86inductor_quantizer.py
    • File
      run_test.py
    • File
      test_autograd.py
    • File
      test_binary_ufuncs.py
    • File
      test_cpp_extensions_jit.py
    • File
      test_cuda.py
    • File
      test_custom_ops.py
    • File
      test_dataloader.py
    • File
      test_dynamic_shapes.py
    • File
      test_hub.py
    • File
      test_matmul_cuda.py
    • File
      test_meta.py
    • File
      test_modules.py
    • File
      test_mps.py
    • File
      test_nn.py
    • File
      test_ops.py
    • File
      test_proxy_tensor.py
    • File
      test_python_dispatch.py
    • File
      test_pytree.py
    • File
      test_serialization.py
    • File
      test_sparse.py
    • File
      test_sparse_csr.py
    • File
      test_sparse_semi_structured.py
    • File
      test_subclass.py
    • File
      test_torch.py
    • File
      test_transformers.py
    • File
      test_view_ops.py
    • torch_np
      • numpy_tests
        • core
          • File
            test_getlimits.py
          • File
            test_indexing.py
          • File
            test_numeric.py
          • File
            test_scalarmath.py
        • lib
          • File
            test_function_base.py
          • File
            test_histograms.py
          • File
            test_nanfunctions.py
          • File
            test_type_check.py
      • File
        test_basic.py
  • third_party
    • File
      ideep
    • mkl-dnn.BUILD
    • nccl
      • File
        nccl
  • tools
    • autograd
      • File
        derivatives.yaml
    • pyi
      • File
        gen_pyi.py
    • stats
      • File
        import_test_stats.py
      • File
        upload_metrics.py
      • File
        upload_stats_lib.py
      • File
        upload_test_stat_aggregates.py
    • test
      • File
        test_heuristics.py
      • File
        test_test_selections.py
      • File
        test_upload_stats_lib.py
    • testing
      • target_determination
        • File
          determinator.py
        • heuristics
          • File
            __init__.py
          • File
            correlated_with_historical_failures.py
          • File
            edited_by_pr.py
          • File
            interface.py
          • File
            previously_failed_in_pr.py
          • File
            utils.py
      • File
        test_selections.py
  • torch
    • _C
      • __init__.pyi.in
      • File
        _distributed_rpc.pyi
      • File
        _functorch.pyi
      • File
        _profiler.pyi
    • File
      __init__.py
    • _decomp
      • File
        __init__.py
      • File
        decompositions.py
    • _dynamo
      • File
        allowed_functions.py
      • backends
        • File
          onnxrt.py
        • File
          torchxla.py
      • File
        config.py
      • File
        convert_frame.py
      • File
        eval_frame.py
      • File
        exc.py
      • File
        guards.py
      • File
        mutation_guard.py
      • File
        output_graph.py
      • File
        source.py
      • File
        symbolic_convert.py
      • File
        utils.py
      • variables
        • File
          builder.py
        • File
          builtin.py
        • File
          ctx_manager.py
        • File
          dicts.py
        • File
          higher_order_ops.py
        • File
          lists.py
        • File
          misc.py
        • File
          tensor.py
        • File
          torch.py
        • File
          user_defined.py
    • _export
      • File
        __init__.py
      • db
        • File
          case.py
        • examples
          • File
            constrain_as_size_example.py
          • File
            constrain_as_value_example.py
      • File
        exported_program.py
      • File
        pass_base.py
      • passes
        • File
          add_runtime_assertions_for_constraints_pass.py
      • serde
        • File
          schema.py
        • File
          serialize.py
        • File
          upgrade.py
      • File
        utils.py
    • _functorch
      • File
        aot_autograd.py
      • File
        partitioners.py
    • File
      _guards.py
    • _higher_order_ops
      • File
        cond.py
      • File
        out_dtype.py
    • _inductor
      • File
        codecache.py
      • codegen
        • File
          aot_inductor_interface.cpp
        • File
          common.py
        • File
          cpp.py
        • File
          cpp_prefix.h
        • File
          triton.py
        • File
          triton_foreach.py
        • File
          wrapper.py
      • File
        compile_fx.py
      • File
        config.py
      • File
        cudagraph_trees.py
      • File
        decomposition.py
      • File
        freezing.py
      • fx_passes
        • File
          binary_folding.py
        • File
          freezing_patterns.py
        • File
          fuse_attention.py
        • File
          group_batch_fusion.py
        • File
          mkldnn_fusion.py
        • File
          post_grad.py
        • File
          pre_grad.py
        • File
          quantization.py
      • File
        graph.py
      • File
        index_propagation.py
      • File
        ir.py
      • kernel
        • File
          conv.py
        • File
          mm.py
        • File
          mm_common.py
        • File
          mm_plus_mm.py
      • File
        lowering.py
      • File
        pattern_matcher.py
      • File
        quantized_lowerings.py
      • File
        scheduler.py
      • File
        triton_heuristics.py
      • File
        virtualized.py
    • _logging
      • File
        _internal.py
    • File
      _meta_registrations.py
    • _numpy
      • File
        __init__.py
      • File
        _binary_ufuncs_impl.py
      • File
        _funcs_impl.py
      • File
        _getlimits.py
      • File
        _ndarray.py
      • File
        _reductions_impl.py
      • testing
        • File
          utils.py
    • File
      _ops.py
    • _prims
      • File
        rng_prims.py
    • _refs
      • File
        __init__.py
      • nn/functional
        • File
          __init__.py
    • _subclasses
      • File
        fake_tensor.py
      • File
        meta_utils.py
    • File
      _tensor.py
    • File
      _torch_docs.py
    • File
      _utils.py
    • ao/quantization
      • File
        __init__.py
      • fx
        • File
          prepare.py
      • pt2e
        • File
          _propagate_annotation.py
        • File
          graph_utils.py
        • File
          prepare.py
        • File
          qat_utils.py
        • representation
          • File
            rewrite.py
        • File
          utils.py
      • File
        quantize_pt2e.py
      • quantizer
        • File
          quantizer.py
        • File
          x86_inductor_quantizer.py
        • File
          xnnpack_quantizer.py
        • File
          xnnpack_quantizer_utils.py
    • autograd
      • File
        profiler.py
    • csrc
      • File
        DataLoader.cpp
      • File
        Device.cpp
      • File
        Device.h
      • File
        Dtype.cpp
      • File
        DynamicTypes.cpp
      • File
        Generator.cpp
      • File
        Module.cpp
      • File
        PyInterpreter.cpp
      • File
        Size.cpp
      • File
        Size.h
      • File
        StorageMethods.cpp
      • File
        StorageSharing.cpp
      • File
        Stream.cpp
      • File
        TypeInfo.cpp
      • autograd
        • File
          function.h
        • File
          function_hook.h
        • functions
          • File
            accumulate_grad.cpp
          • File
            accumulate_grad.h
        • File
          python_hook.cpp
        • File
          python_hook.h
        • File
          python_torch_functions_manual.cpp
        • File
          python_variable.cpp
        • File
          python_variable.h
        • File
          variable.cpp
        • File
          variable.h
      • cuda
        • File
          Graph.cpp
        • File
          Module.cpp
        • File
          memory_snapshot.cpp
      • distributed/c10d
        • File
          socket.cpp
      • dynamo
        • File
          compiled_autograd.h
        • File
          cpython_defs.c
        • File
          cpython_defs.h
        • File
          eval_frame.c
        • File
          guards.cpp
      • inductor
        • File
          aot_inductor_interface.h
        • File
          aot_inductor_model.h
        • File
          aot_inductor_model_container.h
      • jit
        • codegen/onednn
          • File
            LlgaTensorImpl.cpp
          • File
            LlgaTensorImpl.h
          • File
            graph_helper.cpp
          • File
            kernel.cpp
          • File
            operator.h
        • frontend
          • File
            schema_type_parser.cpp
        • serialization
          • File
            export.cpp
          • File
            unpickler.cpp
      • onnx/diagnostics/generated
        • File
          rules.h
      • profiler/python
        • File
          init.cpp
      • utils
        • File
          init.cpp
        • File
          invalid_arguments.cpp
        • File
          pybind.cpp
        • File
          python_arg_parser.cpp
        • File
          python_arg_parser.h
        • File
          python_compat.h
        • File
          python_dispatch.cpp
        • File
          python_strings.h
        • File
          tensor_flatten.h
        • File
          tensor_new.cpp
        • File
          throughput_benchmark.cpp
        • File
          throughput_benchmark.h
    • cuda
      • File
        graphs.py
      • File
        memory.py
    • distributed
      • File
        _functional_collectives.py
      • _tensor
        • File
          __init__.py
        • File
          api.py
        • debug
          • File
            __init__.py
        • File
          device_mesh.py
        • File
          redistribute.py
      • checkpoint
        • File
          _fsspec_filesystem.py
        • File
          _sharded_tensor_utils.py
        • File
          filesystem.py
        • File
          optimizer.py
        • File
          planner.py
        • File
          utils.py
      • File
        distributed_c10d.py
      • fsdp
        • File
          _common_utils.py
        • File
          _runtime_utils.py
        • File
          flat_param.py
        • File
          fully_sharded_data_parallel.py
      • File
        run.py
      • tensor/parallel
        • File
          _data_parallel_utils.py
        • File
          fsdp.py
        • File
          style.py
      • File
        utils.py
    • export
      • File
        __init__.py
    • File
      extension.h
    • fx
      • experimental
        • File
          symbolic_shapes.py
      • File
        graph.py
      • passes
        • File
          split_utils.py
      • File
        proxy.py
      • File
        traceback.py
    • File
      hub.py
    • nn
      • File
        functional.py
      • modules
        • File
          activation.py
        • File
          loss.py
      • utils
        • File
          rnn.py
    • onnx
      • File
        __init__.py
      • File
        _constants.py
      • _internal
        • diagnostics
          • File
            _rules.py
          • File
            rules.yaml
        • File
          exporter.py
        • fx
          • File
            _pass.py
          • File
            fx_onnx_interpreter.py
          • passes
            • File
              modularization.py
        • File
          onnxruntime.py
      • File
        symbolic_opset11.py
      • File
        utils.py
    • optim
      • File
        adam.py
      • File
        adam.pyi
      • File
        adamw.py
      • File
        adamw.pyi
      • File
        nadam.py
      • File
        sgd.py
    • File
      overrides.py
    • profiler
      • File
        _memory_profiler.py
      • File
        profiler.py
    • sparse
      • File
        __init__.py
      • File
        semi_structured.py
    • testing/_internal
      • File
        common_device_type.py
      • File
        common_methods_invocations.py
      • File
        common_modules.py
      • File
        common_utils.py
      • distributed
        • _tensor
          • File
            common_dtensor.py
        • File
          fake_pg.py
      • File
        inductor_utils.py
      • opinfo/definitions
        • File
          special.py
      • optests
        • File
          __init__.py
        • File
          generate_tests.py
    • utils
      • File
        _pytree.py
      • _sympy
        • File
          functions.py
        • File
          interp.py
        • File
          value_ranges.py
      • File
        _traceback.py
      • File
        cpp_extension.py
      • data
        • _utils
          • File
            worker.py
        • File
          dataloader.py
      • hipify
        • File
          cuda_to_hip_mappings.py
  • torchgen
    • api
      • File
        python.py
      • types
        • File
          types.py
    • File
      model.py