pkgsrc-Changes archive

[Date Prev][Date Next][Thread Prev][Thread Next][Date Index][Thread Index][Old Index]

CVS commit: pkgsrc/math/py-torch



Module Name:    pkgsrc
Committed By:   ryoon
Date:           Sat Sep 27 01:19:55 UTC 2025

Modified Files:
        pkgsrc/math/py-torch: Makefile PLIST distinfo
        pkgsrc/math/py-torch/patches:
            patch-third__party_kineto_libkineto_src_ThreadUtil.cpp
            patch-torch_csrc_distributed_c10d_ProcessGroupGloo.cpp
Added Files:
        pkgsrc/math/py-torch/patches:
            patch-third__party_fbgemm_external_cpuinfo_src_init.c
            patch-tools_build__pytorch__libs.py
Removed Files:
        pkgsrc/math/py-torch/patches: patch-c10_core_Scalar.h
            patch-third__party_fbgemm_third__party_cpuinfo_src_init.c
            patch-third__party_gloo_CMakeLists.txt
            patch-third__party_ittapi_CMakeLists.txt

Log Message:
math/py-torch: Update to 2.8.0

Changelog:
Too long and many changes are not related to CPU backend.


To generate a diff of this commit:
cvs rdiff -u -r1.8 -r1.9 pkgsrc/math/py-torch/Makefile
cvs rdiff -u -r1.3 -r1.4 pkgsrc/math/py-torch/PLIST
cvs rdiff -u -r1.4 -r1.5 pkgsrc/math/py-torch/distinfo
cvs rdiff -u -r1.1 -r0 pkgsrc/math/py-torch/patches/patch-c10_core_Scalar.h \
    pkgsrc/math/py-torch/patches/patch-third__party_fbgemm_third__party_cpuinfo_src_init.c \
    pkgsrc/math/py-torch/patches/patch-third__party_gloo_CMakeLists.txt \
    pkgsrc/math/py-torch/patches/patch-third__party_ittapi_CMakeLists.txt
cvs rdiff -u -r0 -r1.1 \
    pkgsrc/math/py-torch/patches/patch-third__party_fbgemm_external_cpuinfo_src_init.c \
    pkgsrc/math/py-torch/patches/patch-tools_build__pytorch__libs.py
cvs rdiff -u -r1.1 -r1.2 \
    pkgsrc/math/py-torch/patches/patch-third__party_kineto_libkineto_src_ThreadUtil.cpp
cvs rdiff -u -r1.2 -r1.3 \
    pkgsrc/math/py-torch/patches/patch-torch_csrc_distributed_c10d_ProcessGroupGloo.cpp

Please note that diffs are not public domain; they are subject to the
copyright notices on the relevant files.

Modified files:

Index: pkgsrc/math/py-torch/Makefile
diff -u pkgsrc/math/py-torch/Makefile:1.8 pkgsrc/math/py-torch/Makefile:1.9
--- pkgsrc/math/py-torch/Makefile:1.8   Thu Jul  3 19:18:10 2025
+++ pkgsrc/math/py-torch/Makefile       Sat Sep 27 01:19:54 2025
@@ -1,8 +1,7 @@
-# $NetBSD: Makefile,v 1.8 2025/07/03 19:18:10 wiz Exp $
+# $NetBSD: Makefile,v 1.9 2025/09/27 01:19:54 ryoon Exp $
 
-DISTNAME=      pytorch-v2.5.1
+DISTNAME=      pytorch-v2.8.0
 PKGNAME=       ${PYPKGPREFIX}-${DISTNAME:S,pytorch-v,torch-,}
-PKGREVISION=   1
 CATEGORIES=    math
 MASTER_SITES=  ${MASTER_SITE_GITHUB:=pytorch/}
 GITHUB_PROJECT=        pytorch
@@ -48,7 +47,7 @@ SUBST_FILES.amd64+=   cmake/Dependencies.c
 SUBST_FILES.amd64+=    third_party/pthreadpool/CMakeLists.txt
 SUBST_FILES.amd64+=    third_party/XNNPACK/CMakeLists.txt
 SUBST_FILES.amd64+=    third_party/cpuinfo/CMakeLists.txt
-SUBST_FILES.amd64+=    third_party/fbgemm/third_party/cpuinfo/CMakeLists.txt
+SUBST_FILES.amd64+=    third_party/fbgemm/external/cpuinfo/CMakeLists.txt
 SUBST_SED.amd64=       -e 's/AMD64/amd64/g'
 
 BUILDLINK_TRANSFORM+=  opt:-ldl:${BUILDLINK_LDADD.dl:Q}
@@ -60,6 +59,8 @@ CMAKE_CONFIGURE_ARGS+=        -DUSE_BLAS=ON
 CMAKE_CONFIGURE_ARGS+= -DUSE_CUDA=OFF
 CMAKE_CONFIGURE_ARGS+= -DUSE_ROCM=OFF
 CMAKE_CONFIGURE_ARGS+= -DUSE_MKLDNN=OFF
+CMAKE_CONFIGURE_ARGS+= -DUSE_NCCL=OFF
+#CMAKE_CONFIGURE_ARGS+=        -DUSE_PYTORCH_QNNPACK=OFF
 CMAKE_CONFIGURE_ARGS+= -DUSE_SYSTEM_PYBIND11=ON
 CMAKE_CONFIGURE_ARGS+= -Dpybind11_INCLUDE_DIR=${BUILDLINK_DIR}/${PYSITELIB}/pybind11/include
 CMAKE_CONFIGURE_ARGS+= -DPython_EXECUTABLE=${PYTHONBIN}
@@ -67,7 +68,6 @@ CMAKE_CONFIGURE_ARGS+=        -DPython_EXECUTAB
 MAKE_ENV+=     USE_MKLDNN=0
 MAKE_ENV+=     BUILD_TEST=0
 MAKE_ENV+=     USE_CUDNN=0
-MAKE_ENV+=     USE_QNNPACK=0
 MAKE_ENV+=     USE_DISTRIBUTED=1
 
 PYTHON_VERSIONS_INCOMPATIBLE=  39 310

Index: pkgsrc/math/py-torch/PLIST
diff -u pkgsrc/math/py-torch/PLIST:1.3 pkgsrc/math/py-torch/PLIST:1.4
--- pkgsrc/math/py-torch/PLIST:1.3      Mon Jan 27 13:17:28 2025
+++ pkgsrc/math/py-torch/PLIST  Sat Sep 27 01:19:54 2025
@@ -1,6 +1,4 @@
-@comment $NetBSD: PLIST,v 1.3 2025/01/27 13:17:28 ryoon Exp $
-bin/convert-caffe2-to-onnx
-bin/convert-onnx-to-caffe2
+@comment $NetBSD: PLIST,v 1.4 2025/09/27 01:19:54 ryoon Exp $
 bin/torch_shm_manager
 bin/torchfrtrace
 bin/torchrun
@@ -78,8 +76,10 @@ include/ATen/ParallelFuture.h
 include/ATen/ParallelNative.h
 include/ATen/ParallelOpenMP.h
 include/ATen/PythonTorchFunctionTLS.h
+include/ATen/ROCmFABackend.h
 include/ATen/RedispatchFunctions.h
 include/ATen/RegistrationDeclarations.h
+include/ATen/SDPBackend.h
 include/ATen/SavedTensorHooks.h
 include/ATen/Scalar.h
 include/ATen/ScalarOps.h
@@ -217,18 +217,31 @@ include/ATen/cpu/vec/functional.h
 include/ATen/cpu/vec/functional_base.h
 include/ATen/cpu/vec/functional_bfloat16.h
 include/ATen/cpu/vec/intrinsics.h
+include/ATen/cpu/vec/sve/sve_helper.h
+include/ATen/cpu/vec/sve/vec_bfloat16.h
+include/ATen/cpu/vec/sve/vec_common_sve.h
+include/ATen/cpu/vec/sve/vec_double.h
+include/ATen/cpu/vec/sve/vec_float.h
+include/ATen/cpu/vec/sve/vec_int.h
+include/ATen/cpu/vec/sve/vec_qint.h
 include/ATen/cpu/vec/vec.h
+include/ATen/cpu/vec/vec128/vec128.h
+include/ATen/cpu/vec/vec128/vec128_bfloat16_neon.h
+include/ATen/cpu/vec/vec128/vec128_convert.h
+include/ATen/cpu/vec/vec128/vec128_float_neon.h
+include/ATen/cpu/vec/vec128/vec128_half_neon.h
+include/ATen/cpu/vec/vec128/vec128_reduced_precision_common_neon.h
 include/ATen/cpu/vec/vec256/missing_vld1_neon.h
 include/ATen/cpu/vec/vec256/missing_vst1_neon.h
 include/ATen/cpu/vec/vec256/vec256.h
+include/ATen/cpu/vec/vec256/vec256_16bit_float.h
 include/ATen/cpu/vec/vec256/vec256_bfloat16.h
 include/ATen/cpu/vec/vec256/vec256_complex_double.h
 include/ATen/cpu/vec/vec256/vec256_complex_float.h
 include/ATen/cpu/vec/vec256/vec256_convert.h
 include/ATen/cpu/vec/vec256/vec256_double.h
 include/ATen/cpu/vec/vec256/vec256_float.h
-include/ATen/cpu/vec/vec256/vec256_float_neon.h
-include/ATen/cpu/vec/vec256/vec256_half_neon.h
+include/ATen/cpu/vec/vec256/vec256_half.h
 include/ATen/cpu/vec/vec256/vec256_int.h
 include/ATen/cpu/vec/vec256/vec256_mask.h
 include/ATen/cpu/vec/vec256/vec256_qint.h
@@ -253,6 +266,7 @@ include/ATen/cpu/vec/vec512/vec512_compl
 include/ATen/cpu/vec/vec512/vec512_convert.h
 include/ATen/cpu/vec/vec512/vec512_double.h
 include/ATen/cpu/vec/vec512/vec512_float.h
+include/ATen/cpu/vec/vec512/vec512_float8.h
 include/ATen/cpu/vec/vec512/vec512_int.h
 include/ATen/cpu/vec/vec512/vec512_mask.h
 include/ATen/cpu/vec/vec512/vec512_qint.h
@@ -293,6 +307,7 @@ include/ATen/cuda/PinnedMemoryAllocator.
 include/ATen/cuda/ScanUtils.cuh
 include/ATen/cuda/Sleep.h
 include/ATen/cuda/ThrustAllocator.h
+include/ATen/cuda/cub-RadixSortPairs.cuh
 include/ATen/cuda/cub.cuh
 include/ATen/cuda/cub.h
 include/ATen/cuda/cub_definitions.cuh
@@ -317,7 +332,6 @@ include/ATen/cuda/tunable/Tunable.h
 include/ATen/cuda/tunable/TunableGemm.h
 include/ATen/cuda/tunable/TunableOp.h
 include/ATen/cudnn/Descriptors.h
-include/ATen/cudnn/Exceptions.h
 include/ATen/cudnn/Handle.h
 include/ATen/cudnn/Handles.h
 include/ATen/cudnn/Types.h
@@ -327,6 +341,7 @@ include/ATen/detail/AcceleratorHooksInte
 include/ATen/detail/CUDAHooksInterface.h
 include/ATen/detail/FunctionTraits.h
 include/ATen/detail/HIPHooksInterface.h
+include/ATen/detail/HPUHooksInterface.h
 include/ATen/detail/IPUHooksInterface.h
 include/ATen/detail/MAIAHooksInterface.h
 include/ATen/detail/MPSHooksInterface.h
@@ -401,6 +416,7 @@ include/ATen/native/FunctionOfAMatrixUti
 include/ATen/native/FusedAdagrad.h
 include/ATen/native/FusedAdam.h
 include/ATen/native/FusedSGD.h
+include/ATen/native/Gelu.h
 include/ATen/native/GridSampler.h
 include/ATen/native/GridSamplerUtils.h
 include/ATen/native/Histogram.h
@@ -424,6 +440,7 @@ include/ATen/native/Pool.h
 include/ATen/native/Pow.h
 include/ATen/native/RNN.h
 include/ATen/native/RangeFactories.h
+include/ATen/native/RangeUtils.h
 include/ATen/native/ReduceAllOps.h
 include/ATen/native/ReduceOps.h
 include/ATen/native/ReduceOpsUtils.h
@@ -470,16 +487,20 @@ include/ATen/native/cpu/ChannelShuffleKe
 include/ATen/native/cpu/CopyKernel.h
 include/ATen/native/cpu/DepthwiseConvKernel.h
 include/ATen/native/cpu/DistributionTemplates.h
+include/ATen/native/cpu/Elu.h
+include/ATen/native/cpu/Gelu.h
 include/ATen/native/cpu/GridSamplerKernel.h
 include/ATen/native/cpu/IndexKernelUtils.h
 include/ATen/native/cpu/Intrinsics.h
 include/ATen/native/cpu/IsContiguous.h
 include/ATen/native/cpu/LogAddExp.h
+include/ATen/native/cpu/LogSoftmaxKernelImpl.h
 include/ATen/native/cpu/Loops.h
 include/ATen/native/cpu/MaxUnpoolKernel.h
 include/ATen/native/cpu/PixelShuffleKernel.h
 include/ATen/native/cpu/Reduce.h
 include/ATen/native/cpu/ReduceUtils.h
+include/ATen/native/cpu/ReducedPrecisionFloatGemvFastPathKernel.h
 include/ATen/native/cpu/SampledAddmmKernel.h
 include/ATen/native/cpu/SerialStackImpl.h
 include/ATen/native/cpu/SoftmaxKernel.h
@@ -509,7 +530,10 @@ include/ATen/native/cuda/ForeachFunctors
 include/ATen/native/cuda/ForeachMinMaxFunctors.cuh
 include/ATen/native/cuda/GridSampler.cuh
 include/ATen/native/cuda/GridSampler.h
+include/ATen/native/cuda/GroupMM.h
+include/ATen/native/cuda/GroupMMCommon.cuh
 include/ATen/native/cuda/IndexKernel.h
+include/ATen/native/cuda/IndexKernelUtils.h
 include/ATen/native/cuda/JitLoops.cuh
 include/ATen/native/cuda/KernelUtils.cuh
 include/ATen/native/cuda/LaunchUtils.h
@@ -526,6 +550,7 @@ include/ATen/native/cuda/Reduce.cuh
 include/ATen/native/cuda/ReduceOps.h
 include/ATen/native/cuda/Resize.h
 include/ATen/native/cuda/RowwiseScaledMM.h
+include/ATen/native/cuda/ScaledGroupMM.h
 include/ATen/native/cuda/ScanKernels.h
 include/ATen/native/cuda/ScanUtils.cuh
 include/ATen/native/cuda/Sort.h
@@ -540,6 +565,7 @@ include/ATen/native/cuda/TensorTopK.h
 include/ATen/native/cuda/UniqueCub.cuh
 include/ATen/native/cuda/UpSample.cuh
 include/ATen/native/cuda/block_reduce.cuh
+include/ATen/native/cuda/cutlass_common.cuh
 include/ATen/native/cuda/fused_adam_amsgrad_impl.cuh
 include/ATen/native/cuda/fused_adam_impl.cuh
 include/ATen/native/cuda/fused_adam_utils.cuh
@@ -551,24 +577,42 @@ include/ATen/native/cuda/reduction_templ
 include/ATen/native/cuda/thread_constants.h
 include/ATen/native/cuda/vol2col.cuh
 include/ATen/native/group_norm.h
+include/ATen/native/hip/bgemm_kernels/bgemm_kernel_collection.h
+include/ATen/native/hip/bgemm_kernels/bgemm_kernel_template.h
+include/ATen/native/hip/ck_bgemm.h
+include/ATen/native/hip/ck_gemm.h
+include/ATen/native/hip/ck_gemm_template.h
+include/ATen/native/hip/ck_types.h
 include/ATen/native/im2col.h
 include/ATen/native/im2col_shape_check.h
+include/ATen/native/kleidiai/kai_kernels.h
+include/ATen/native/kleidiai/kai_pack.h
+include/ATen/native/kleidiai/kai_ukernel_interface.h
 include/ATen/native/layer_norm.h
+include/ATen/native/mkldnn/xpu/Conv.h
+include/ATen/native/mkldnn/xpu/FusionUtils.h
+include/ATen/native/mkldnn/xpu/detail/Attr.h
+include/ATen/native/mkldnn/xpu/detail/DnnlExt.h
+include/ATen/native/mkldnn/xpu/detail/LRUCache.h
+include/ATen/native/mkldnn/xpu/detail/Utils.h
+include/ATen/native/mkldnn/xpu/detail/oneDNN.h
+include/ATen/native/mkldnn/xpu/detail/oneDNNContext.h
 include/ATen/native/mps/Copy.h
 include/ATen/native/mps/MPSGraphSequoiaOps.h
 include/ATen/native/mps/MPSGraphSonomaOps.h
 include/ATen/native/mps/MPSGraphVenturaOps.h
+include/ATen/native/mps/MetalShaderLibrary.h
 include/ATen/native/mps/OperationUtils.h
 include/ATen/native/mps/TensorFactory.h
-include/ATen/native/mps/UnaryConstants.h
+include/ATen/native/mps/kernels/UpSample.h
 include/ATen/native/mps/operations/BinaryKernel.h
 include/ATen/native/mps/operations/FusedAdamAmsgradKernelImpl.h
 include/ATen/native/mps/operations/FusedAdamKernelImpl.h
 include/ATen/native/mps/operations/FusedAdamWAmsgradKernelImpl.h
 include/ATen/native/mps/operations/FusedAdamWKernelImpl.h
-include/ATen/native/mps/operations/FusedOptimizerOps.h
 include/ATen/native/mps/operations/Indexing.h
 include/ATen/native/mps/operations/MultiTensorApply.h
+include/ATen/native/mtia/EmptyTensor.h
 include/ATen/native/nested/NestedTensorBinaryOps.h
 include/ATen/native/nested/NestedTensorMath.h
 include/ATen/native/nested/NestedTensorTransformerFunctions.h
@@ -581,6 +625,7 @@ include/ATen/native/quantized/Copy.h
 include/ATen/native/quantized/FakeQuantAffine.h
 include/ATen/native/quantized/IndexKernel.h
 include/ATen/native/quantized/PackedParams.h
+include/ATen/native/quantized/cpu/ACLUtils.h
 include/ATen/native/quantized/cpu/BinaryOps.h
 include/ATen/native/quantized/cpu/EmbeddingPackedParams.h
 include/ATen/native/quantized/cpu/OnednnUtils.h
@@ -592,26 +637,15 @@ include/ATen/native/quantized/cpu/Xnnpac
 include/ATen/native/quantized/cpu/conv_serialization.h
 include/ATen/native/quantized/cpu/fbgemm_utils.h
 include/ATen/native/quantized/cpu/init_qnnpack.h
+include/ATen/native/quantized/cpu/qconv.h
 include/ATen/native/quantized/cpu/qembeddingbag.h
 include/ATen/native/quantized/cpu/qembeddingbag_prepack.h
+include/ATen/native/quantized/cpu/qlinear.h
 include/ATen/native/quantized/cudnn/utils.h
+include/ATen/native/quantized/library.h
 include/ATen/native/transformers/attention.h
-include/ATen/native/transformers/cuda/flash_attn/alibi.h
-include/ATen/native/transformers/cuda/flash_attn/block_info.h
-include/ATen/native/transformers/cuda/flash_attn/dropout.h
-include/ATen/native/transformers/cuda/flash_attn/flash.h
 include/ATen/native/transformers/cuda/flash_attn/flash_api.h
-include/ATen/native/transformers/cuda/flash_attn/flash_bwd_kernel.h
-include/ATen/native/transformers/cuda/flash_attn/flash_bwd_launch_template.h
-include/ATen/native/transformers/cuda/flash_attn/flash_bwd_preprocess_kernel.h
-include/ATen/native/transformers/cuda/flash_attn/flash_fwd_kernel.h
-include/ATen/native/transformers/cuda/flash_attn/flash_fwd_launch_template.h
-include/ATen/native/transformers/cuda/flash_attn/kernel_traits.h
-include/ATen/native/transformers/cuda/flash_attn/mask.h
-include/ATen/native/transformers/cuda/flash_attn/rotary.h
-include/ATen/native/transformers/cuda/flash_attn/softmax.h
 include/ATen/native/transformers/cuda/flash_attn/static_switch.h
-include/ATen/native/transformers/cuda/flash_attn/utils.h
 include/ATen/native/transformers/cuda/mem_eff_attention/debug_utils.h
 include/ATen/native/transformers/cuda/mem_eff_attention/epilogue/epilogue_pipelined.h
 include/ATen/native/transformers/cuda/mem_eff_attention/epilogue/epilogue_rescale_output.h
@@ -639,6 +673,9 @@ include/ATen/native/transformers/cuda/me
 include/ATen/native/transformers/cuda/mem_eff_attention/transform/tile_smem_loader.h
 include/ATen/native/transformers/cuda/sdp_utils.h
 include/ATen/native/transformers/hip/aotriton_adapter.h
+include/ATen/native/transformers/hip/flash_attn/ck/me_ck_api.h
+include/ATen/native/transformers/hip/flash_attn/flash_api.h
+include/ATen/native/transformers/sdp_utils.h
 include/ATen/native/transformers/sdp_utils_cpp.h
 include/ATen/native/utils/Factory.h
 include/ATen/native/utils/ParamUtils.h
@@ -716,7 +753,8 @@ include/ATen/ops/_assert_scalar_composit
 include/ATen/ops/_assert_scalar_native.h
 include/ATen/ops/_assert_scalar_ops.h
 include/ATen/ops/_assert_tensor_metadata.h
-include/ATen/ops/_assert_tensor_metadata_compositeimplicitautograd_dispatch.h
+include/ATen/ops/_assert_tensor_metadata_compositeexplicitautograd_dispatch.h
+include/ATen/ops/_assert_tensor_metadata_meta_dispatch.h
 include/ATen/ops/_assert_tensor_metadata_native.h
 include/ATen/ops/_assert_tensor_metadata_ops.h
 include/ATen/ops/_autocast_to_full_precision.h
@@ -856,8 +894,11 @@ include/ATen/ops/_convert_indices_from_c
 include/ATen/ops/_convert_indices_from_csr_to_coo_native.h
 include/ATen/ops/_convert_indices_from_csr_to_coo_ops.h
 include/ATen/ops/_convert_weight_to_int4pack.h
-include/ATen/ops/_convert_weight_to_int4pack_cpu_dispatch.h
 include/ATen/ops/_convert_weight_to_int4pack_cuda_dispatch.h
+include/ATen/ops/_convert_weight_to_int4pack_for_cpu.h
+include/ATen/ops/_convert_weight_to_int4pack_for_cpu_cpu_dispatch.h
+include/ATen/ops/_convert_weight_to_int4pack_for_cpu_native.h
+include/ATen/ops/_convert_weight_to_int4pack_for_cpu_ops.h
 include/ATen/ops/_convert_weight_to_int4pack_native.h
 include/ATen/ops/_convert_weight_to_int4pack_ops.h
 include/ATen/ops/_convolution.h
@@ -906,6 +947,10 @@ include/ATen/ops/_ctc_loss_cuda_dispatch
 include/ATen/ops/_ctc_loss_meta_dispatch.h
 include/ATen/ops/_ctc_loss_native.h
 include/ATen/ops/_ctc_loss_ops.h
+include/ATen/ops/_cudnn_attention_forward.h
+include/ATen/ops/_cudnn_attention_forward_cuda_dispatch.h
+include/ATen/ops/_cudnn_attention_forward_native.h
+include/ATen/ops/_cudnn_attention_forward_ops.h
 include/ATen/ops/_cudnn_ctc_loss.h
 include/ATen/ops/_cudnn_ctc_loss_compositeexplicitautograd_dispatch.h
 include/ATen/ops/_cudnn_ctc_loss_cuda_dispatch.h
@@ -977,6 +1022,14 @@ include/ATen/ops/_dirichlet_grad_cpu_dis
 include/ATen/ops/_dirichlet_grad_cuda_dispatch.h
 include/ATen/ops/_dirichlet_grad_native.h
 include/ATen/ops/_dirichlet_grad_ops.h
+include/ATen/ops/_dyn_quant_matmul_4bit.h
+include/ATen/ops/_dyn_quant_matmul_4bit_cpu_dispatch.h
+include/ATen/ops/_dyn_quant_matmul_4bit_native.h
+include/ATen/ops/_dyn_quant_matmul_4bit_ops.h
+include/ATen/ops/_dyn_quant_pack_4bit_weight.h
+include/ATen/ops/_dyn_quant_pack_4bit_weight_cpu_dispatch.h
+include/ATen/ops/_dyn_quant_pack_4bit_weight_native.h
+include/ATen/ops/_dyn_quant_pack_4bit_weight_ops.h
 include/ATen/ops/_efficient_attention_backward.h
 include/ATen/ops/_efficient_attention_backward_cuda_dispatch.h
 include/ATen/ops/_efficient_attention_backward_native.h
@@ -1275,6 +1328,11 @@ include/ATen/ops/_foreach_round_composit
 include/ATen/ops/_foreach_round_cuda_dispatch.h
 include/ATen/ops/_foreach_round_native.h
 include/ATen/ops/_foreach_round_ops.h
+include/ATen/ops/_foreach_rsqrt.h
+include/ATen/ops/_foreach_rsqrt_compositeexplicitautograd_dispatch.h
+include/ATen/ops/_foreach_rsqrt_cuda_dispatch.h
+include/ATen/ops/_foreach_rsqrt_native.h
+include/ATen/ops/_foreach_rsqrt_ops.h
 include/ATen/ops/_foreach_sigmoid.h
 include/ATen/ops/_foreach_sigmoid_compositeexplicitautograd_dispatch.h
 include/ATen/ops/_foreach_sigmoid_cuda_dispatch.h
@@ -1369,6 +1427,9 @@ include/ATen/ops/_fused_moving_avg_obs_f
 include/ATen/ops/_fused_moving_avg_obs_fq_helper_cuda_dispatch.h
 include/ATen/ops/_fused_moving_avg_obs_fq_helper_native.h
 include/ATen/ops/_fused_moving_avg_obs_fq_helper_ops.h
+include/ATen/ops/_fused_rms_norm.h
+include/ATen/ops/_fused_rms_norm_native.h
+include/ATen/ops/_fused_rms_norm_ops.h
 include/ATen/ops/_fused_sdp_choice.h
 include/ATen/ops/_fused_sdp_choice_cpu_dispatch.h
 include/ATen/ops/_fused_sdp_choice_cuda_dispatch.h
@@ -1402,6 +1463,10 @@ include/ATen/ops/_grid_sampler_2d_cpu_fa
 include/ATen/ops/_grid_sampler_2d_cpu_fallback_compositeexplicitautograd_dispatch.h
 include/ATen/ops/_grid_sampler_2d_cpu_fallback_native.h
 include/ATen/ops/_grid_sampler_2d_cpu_fallback_ops.h
+include/ATen/ops/_grouped_mm.h
+include/ATen/ops/_grouped_mm_cuda_dispatch.h
+include/ATen/ops/_grouped_mm_native.h
+include/ATen/ops/_grouped_mm_ops.h
 include/ATen/ops/_has_compatible_shallow_copy_type.h
 include/ATen/ops/_has_compatible_shallow_copy_type_compositeimplicitautograd_dispatch.h
 include/ATen/ops/_has_compatible_shallow_copy_type_native.h
@@ -1652,6 +1717,9 @@ include/ATen/ops/_nested_from_padded_cpu
 include/ATen/ops/_nested_from_padded_cuda_dispatch.h
 include/ATen/ops/_nested_from_padded_native.h
 include/ATen/ops/_nested_from_padded_ops.h
+include/ATen/ops/_nested_from_padded_tensor.h
+include/ATen/ops/_nested_from_padded_tensor_native.h
+include/ATen/ops/_nested_from_padded_tensor_ops.h
 include/ATen/ops/_nested_get_jagged_dummy.h
 include/ATen/ops/_nested_get_jagged_dummy_native.h
 include/ATen/ops/_nested_get_jagged_dummy_ops.h
@@ -1899,7 +1967,12 @@ include/ATen/ops/_scaled_dot_product_fus
 include/ATen/ops/_scaled_dot_product_fused_attention_overrideable_compositeexplicitautograd_dispatch.h
 include/ATen/ops/_scaled_dot_product_fused_attention_overrideable_native.h
 include/ATen/ops/_scaled_dot_product_fused_attention_overrideable_ops.h
+include/ATen/ops/_scaled_grouped_mm.h
+include/ATen/ops/_scaled_grouped_mm_cuda_dispatch.h
+include/ATen/ops/_scaled_grouped_mm_native.h
+include/ATen/ops/_scaled_grouped_mm_ops.h
 include/ATen/ops/_scaled_mm.h
+include/ATen/ops/_scaled_mm_cpu_dispatch.h
 include/ATen/ops/_scaled_mm_cuda_dispatch.h
 include/ATen/ops/_scaled_mm_native.h
 include/ATen/ops/_scaled_mm_ops.h
@@ -2442,10 +2515,16 @@ include/ATen/ops/_version_compositeimpli
 include/ATen/ops/_version_native.h
 include/ATen/ops/_version_ops.h
 include/ATen/ops/_weight_int4pack_mm.h
-include/ATen/ops/_weight_int4pack_mm_cpu_dispatch.h
 include/ATen/ops/_weight_int4pack_mm_cuda_dispatch.h
+include/ATen/ops/_weight_int4pack_mm_for_cpu.h
+include/ATen/ops/_weight_int4pack_mm_for_cpu_cpu_dispatch.h
+include/ATen/ops/_weight_int4pack_mm_for_cpu_native.h
+include/ATen/ops/_weight_int4pack_mm_for_cpu_ops.h
 include/ATen/ops/_weight_int4pack_mm_native.h
 include/ATen/ops/_weight_int4pack_mm_ops.h
+include/ATen/ops/_weight_int4pack_mm_with_scales_and_zeros.h
+include/ATen/ops/_weight_int4pack_mm_with_scales_and_zeros_native.h
+include/ATen/ops/_weight_int4pack_mm_with_scales_and_zeros_ops.h
 include/ATen/ops/_weight_int8pack_mm.h
 include/ATen/ops/_weight_int8pack_mm_cpu_dispatch.h
 include/ATen/ops/_weight_int8pack_mm_native.h
@@ -2505,6 +2584,7 @@ include/ATen/ops/acosh_meta_dispatch.h
 include/ATen/ops/acosh_native.h
 include/ATen/ops/acosh_ops.h
 include/ATen/ops/adaptive_avg_pool1d.h
+include/ATen/ops/adaptive_avg_pool1d_compositeexplicitautograd_dispatch.h
 include/ATen/ops/adaptive_avg_pool1d_compositeimplicitautograd_dispatch.h
 include/ATen/ops/adaptive_avg_pool1d_native.h
 include/ATen/ops/adaptive_avg_pool1d_ops.h
@@ -2837,6 +2917,7 @@ include/ATen/ops/atleast_3d_compositeimp
 include/ATen/ops/atleast_3d_native.h
 include/ATen/ops/atleast_3d_ops.h
 include/ATen/ops/avg_pool1d.h
+include/ATen/ops/avg_pool1d_compositeexplicitautograd_dispatch.h
 include/ATen/ops/avg_pool1d_compositeimplicitautograd_dispatch.h
 include/ATen/ops/avg_pool1d_native.h
 include/ATen/ops/avg_pool1d_ops.h
@@ -5605,6 +5686,7 @@ include/ATen/ops/nonzero_numpy_ops.h
 include/ATen/ops/nonzero_ops.h
 include/ATen/ops/nonzero_static.h
 include/ATen/ops/nonzero_static_cpu_dispatch.h
+include/ATen/ops/nonzero_static_cuda_dispatch.h
 include/ATen/ops/nonzero_static_native.h
 include/ATen/ops/nonzero_static_ops.h
 include/ATen/ops/norm.h
@@ -6170,6 +6252,7 @@ include/ATen/ops/rrelu_with_noise_backwa
 include/ATen/ops/rrelu_with_noise_backward_compositeexplicitautograd_dispatch.h
 include/ATen/ops/rrelu_with_noise_backward_native.h
 include/ATen/ops/rrelu_with_noise_backward_ops.h
+include/ATen/ops/rrelu_with_noise_compositeexplicitautograd_dispatch.h
 include/ATen/ops/rrelu_with_noise_cpu_dispatch.h
 include/ATen/ops/rrelu_with_noise_cuda_dispatch.h
 include/ATen/ops/rrelu_with_noise_meta_dispatch.h
@@ -7365,6 +7448,7 @@ include/ATen/ops/upsample_bilinear2d_bac
 include/ATen/ops/upsample_bilinear2d_backward_meta_dispatch.h
 include/ATen/ops/upsample_bilinear2d_backward_native.h
 include/ATen/ops/upsample_bilinear2d_backward_ops.h
+include/ATen/ops/upsample_bilinear2d_compositeexplicitautograd_dispatch.h
 include/ATen/ops/upsample_bilinear2d_compositeexplicitautogradnonfunctional_dispatch.h
 include/ATen/ops/upsample_bilinear2d_compositeimplicitautograd_dispatch.h
 include/ATen/ops/upsample_bilinear2d_cpu_dispatch.h
@@ -7416,6 +7500,7 @@ include/ATen/ops/upsample_nearest2d_back
 include/ATen/ops/upsample_nearest2d_backward_meta_dispatch.h
 include/ATen/ops/upsample_nearest2d_backward_native.h
 include/ATen/ops/upsample_nearest2d_backward_ops.h
+include/ATen/ops/upsample_nearest2d_compositeexplicitautograd_dispatch.h
 include/ATen/ops/upsample_nearest2d_compositeexplicitautogradnonfunctional_dispatch.h
 include/ATen/ops/upsample_nearest2d_compositeimplicitautograd_dispatch.h
 include/ATen/ops/upsample_nearest2d_cpu_dispatch.h
@@ -7585,6 +7670,8 @@ include/ATen/xpu/XPUDevice.h
 include/ATen/xpu/XPUEvent.h
 include/ATen/xpu/XPUGeneratorImpl.h
 include/ATen/xpu/detail/XPUHooks.h
+include/advisor-annotate.h
+include/asmjit/a64.h
 include/asmjit/arm.h
 include/asmjit/arm/a64assembler.h
 include/asmjit/arm/a64builder.h
@@ -7593,9 +7680,9 @@ include/asmjit/arm/a64emitter.h
 include/asmjit/arm/a64globals.h
 include/asmjit/arm/a64instdb.h
 include/asmjit/arm/a64operand.h
-include/asmjit/arm/a64utils.h
 include/asmjit/arm/armglobals.h
 include/asmjit/arm/armoperand.h
+include/asmjit/arm/armutils.h
 include/asmjit/asmjit-scope-begin.h
 include/asmjit/asmjit-scope-end.h
 include/asmjit/asmjit.h
@@ -7728,6 +7815,14 @@ include/c10/cuda/impl/CUDATest.h
 include/c10/macros/Export.h
 include/c10/macros/Macros.h
 include/c10/macros/cmake_macros.h
+include/c10/metal/atomic.h
+include/c10/metal/common.h
+include/c10/metal/expm1f.h
+include/c10/metal/indexing.h
+include/c10/metal/random.h
+include/c10/metal/reduction_utils.h
+include/c10/metal/special_math.h
+include/c10/metal/utils.h
 include/c10/mobile/CPUCachingAllocator.h
 include/c10/mobile/CPUProfilingAllocator.h
 include/c10/test/util/Macros.h
@@ -7750,11 +7845,13 @@ include/c10/util/DeadlockDetection.h
 include/c10/util/Deprecated.h
 include/c10/util/DimVector.h
 include/c10/util/DynamicCounter.h
+include/c10/util/Enumerate.h
 include/c10/util/Exception.h
 include/c10/util/ExclusivelyOwned.h
 include/c10/util/ExclusivelyOwnedTensorTraits.h
 include/c10/util/FbcodeMaps.h
 include/c10/util/Flags.h
+include/c10/util/Float4_e2m1fn_x2.h
 include/c10/util/Float8_e4m3fn-inl.h
 include/c10/util/Float8_e4m3fn.h
 include/c10/util/Float8_e4m3fnuz-inl.h
@@ -7763,12 +7860,15 @@ include/c10/util/Float8_e5m2-inl.h
 include/c10/util/Float8_e5m2.h
 include/c10/util/Float8_e5m2fnuz-inl.h
 include/c10/util/Float8_e5m2fnuz.h
+include/c10/util/Float8_e8m0fnu-inl.h
+include/c10/util/Float8_e8m0fnu.h
 include/c10/util/Float8_fnuz_cvt.h
 include/c10/util/FunctionRef.h
 include/c10/util/Gauge.h
 include/c10/util/Half-inl.h
 include/c10/util/Half.h
 include/c10/util/IdWrapper.h
+include/c10/util/IntrusiveList.h
 include/c10/util/Lazy.h
 include/c10/util/LeftRight.h
 include/c10/util/Load.h
@@ -7782,6 +7882,7 @@ include/c10/util/OptionalArrayRef.h
 include/c10/util/ParallelGuard.h
 include/c10/util/Registry.h
 include/c10/util/ScopeExit.h
+include/c10/util/Semaphore.h
 include/c10/util/SmallBuffer.h
 include/c10/util/SmallVector.h
 include/c10/util/StringUtil.h
@@ -7798,6 +7899,7 @@ include/c10/util/Unicode.h
 include/c10/util/UniqueVoidPtr.h
 include/c10/util/Unroll.h
 include/c10/util/WaitCounter.h
+include/c10/util/WaitCounterDynamicBackend.h
 include/c10/util/accumulate.h
 include/c10/util/bit_cast.h
 include/c10/util/bits.h
@@ -7806,6 +7908,7 @@ include/c10/util/complex_math.h
 include/c10/util/complex_utils.h
 include/c10/util/copysign.h
 include/c10/util/env.h
+include/c10/util/error.h
 include/c10/util/flat_hash_map.h
 include/c10/util/floating_point_utils.h
 include/c10/util/generic_math.h
@@ -7818,6 +7921,7 @@ include/c10/util/logging_is_google_glog.
 include/c10/util/logging_is_not_google_glog.h
 include/c10/util/numa.h
 include/c10/util/order_preserving_flat_hash_map.h
+include/c10/util/overflows.h
 include/c10/util/overloaded.h
 include/c10/util/python_stub.h
 include/c10/util/qint32.h
@@ -7850,6 +7954,7 @@ include/c10/xpu/test/impl/XPUTest.h
 include/caffe2/core/common.h
 include/caffe2/core/macros.h
 include/caffe2/core/timer.h
+include/caffe2/perfkernels/batch_box_cox_vec.h
 include/caffe2/perfkernels/common.h
 include/caffe2/perfkernels/embedding_lookup_idx.h
 include/caffe2/serialize/crc_alt.h
@@ -7875,6 +7980,7 @@ include/fbgemm/FbgemmBuild.h
 include/fbgemm/FbgemmConvert.h
 include/fbgemm/FbgemmEmbedding.h
 include/fbgemm/FbgemmFP16.h
+include/fbgemm/FbgemmFP32.h
 include/fbgemm/FbgemmFPCommon.h
 include/fbgemm/FbgemmI64.h
 include/fbgemm/FbgemmI8DepthwiseAvx2.h
@@ -7882,11 +7988,13 @@ include/fbgemm/FbgemmI8DirectconvAvx2.h
 include/fbgemm/FbgemmI8Spmdm.h
 include/fbgemm/FbgemmPackMatrixB.h
 include/fbgemm/FbgemmSparse.h
+include/fbgemm/FloatConversion.h
 include/fbgemm/OutputProcessing-inl.h
 include/fbgemm/PackingTraits-inl.h
 include/fbgemm/QuantUtils.h
 include/fbgemm/QuantUtilsAvx2.h
 include/fbgemm/QuantUtilsAvx512.h
+include/fbgemm/QuantUtilsNeon.h
 include/fbgemm/SimdUtils.h
 include/fbgemm/Types.h
 include/fbgemm/Utils.h
@@ -7900,6 +8008,9 @@ include/fp16/avx2.py
 include/fp16/bitcasts.h
 include/fp16/fp16.h
 include/fp16/psimd.h
+include/ittnotify-zca.h
+include/ittnotify.h
+include/jitprofiling.h
 include/kineto/AbstractConfig.h
 include/kineto/ActivityProfilerInterface.h
 include/kineto/ActivityTraceInterface.h
@@ -7916,12 +8027,15 @@ include/kineto/TraceSpan.h
 include/kineto/libkineto.h
 include/kineto/output_base.h
 include/kineto/time_since_epoch.h
+include/legacy/ittnotify.h
+include/libittnotify.h
 include/libshm.h
 include/psimd.h
 include/sleef.h
 include/torch/csrc/CudaIPCTypes.h
 include/torch/csrc/DataLoader.h
 include/torch/csrc/Device.h
+include/torch/csrc/DeviceAccelerator.h
 include/torch/csrc/Dtype.h
 include/torch/csrc/DynamicTypes.h
 include/torch/csrc/Event.h
@@ -7987,7 +8101,6 @@ include/torch/csrc/api/include/torch/exp
 include/torch/csrc/api/include/torch/fft.h
 include/torch/csrc/api/include/torch/imethod.h
 include/torch/csrc/api/include/torch/jit.h
-include/torch/csrc/api/include/torch/linalg.h
 include/torch/csrc/api/include/torch/mps.h
 include/torch/csrc/api/include/torch/nested.h
 include/torch/csrc/api/include/torch/nn.h
@@ -8179,6 +8292,7 @@ include/torch/csrc/cuda/memory_snapshot.
 include/torch/csrc/cuda/nccl.h
 include/torch/csrc/cuda/python_comm.h
 include/torch/csrc/cuda/python_nccl.h
+include/torch/csrc/cuda/utils.h
 include/torch/csrc/distributed/autograd/autograd.h
 include/torch/csrc/distributed/autograd/context/container.h
 include/torch/csrc/distributed/autograd/context/context.h
@@ -8199,11 +8313,10 @@ include/torch/csrc/distributed/autograd/
 include/torch/csrc/distributed/autograd/utils.h
 include/torch/csrc/distributed/c10d/Backend.hpp
 include/torch/csrc/distributed/c10d/Backoff.hpp
-include/torch/csrc/distributed/c10d/CUDASymmetricMemory-inl.h
-include/torch/csrc/distributed/c10d/CUDASymmetricMemory.hpp
-include/torch/csrc/distributed/c10d/DMAConnectivity.hpp
 include/torch/csrc/distributed/c10d/FakeProcessGroup.hpp
 include/torch/csrc/distributed/c10d/FileStore.hpp
+include/torch/csrc/distributed/c10d/FlightRecorder.hpp
+include/torch/csrc/distributed/c10d/FlightRecorderDetail.hpp
 include/torch/csrc/distributed/c10d/Functional.hpp
 include/torch/csrc/distributed/c10d/GlooDeviceFactory.hpp
 include/torch/csrc/distributed/c10d/GroupRegistry.hpp
@@ -8214,6 +8327,7 @@ include/torch/csrc/distributed/c10d/Para
 include/torch/csrc/distributed/c10d/PrefixStore.hpp
 include/torch/csrc/distributed/c10d/ProcessGroup.hpp
 include/torch/csrc/distributed/c10d/ProcessGroupGloo.hpp
+include/torch/csrc/distributed/c10d/ProcessGroupGlooDetail.hpp
 include/torch/csrc/distributed/c10d/ProcessGroupMPI.hpp
 include/torch/csrc/distributed/c10d/ProcessGroupNCCL.hpp
 include/torch/csrc/distributed/c10d/ProcessGroupUCC.hpp
@@ -8221,7 +8335,6 @@ include/torch/csrc/distributed/c10d/Proc
 include/torch/csrc/distributed/c10d/PyProcessGroup.hpp
 include/torch/csrc/distributed/c10d/RankLocal.hpp
 include/torch/csrc/distributed/c10d/Store.hpp
-include/torch/csrc/distributed/c10d/SymmetricMemory.hpp
 include/torch/csrc/distributed/c10d/TCPStore.hpp
 include/torch/csrc/distributed/c10d/TCPStoreBackend.hpp
 include/torch/csrc/distributed/c10d/TraceUtils.h
@@ -8238,11 +8351,11 @@ include/torch/csrc/distributed/c10d/cont
 include/torch/csrc/distributed/c10d/control_collectives/StoreCollectives.hpp
 include/torch/csrc/distributed/c10d/control_plane/Handlers.hpp
 include/torch/csrc/distributed/c10d/control_plane/WorkerServer.hpp
+include/torch/csrc/distributed/c10d/cuda/utils.hpp
 include/torch/csrc/distributed/c10d/debug.h
 include/torch/csrc/distributed/c10d/default_comm_hooks.hpp
 include/torch/csrc/distributed/c10d/error.h
 include/torch/csrc/distributed/c10d/exception.h
-include/torch/csrc/distributed/c10d/intra_node_comm.hpp
 include/torch/csrc/distributed/c10d/logger.hpp
 include/torch/csrc/distributed/c10d/logging.h
 include/torch/csrc/distributed/c10d/python_comm_hook.h
@@ -8253,6 +8366,14 @@ include/torch/csrc/distributed/c10d/redu
 include/torch/csrc/distributed/c10d/reducer_timer.hpp
 include/torch/csrc/distributed/c10d/sequence_num.hpp
 include/torch/csrc/distributed/c10d/socket.h
+include/torch/csrc/distributed/c10d/socket_fmt.h
+include/torch/csrc/distributed/c10d/symm_mem/CUDASymmetricMemory-inl.h
+include/torch/csrc/distributed/c10d/symm_mem/CUDASymmetricMemory.hpp
+include/torch/csrc/distributed/c10d/symm_mem/CUDASymmetricMemoryTypes.hpp
+include/torch/csrc/distributed/c10d/symm_mem/CUDASymmetricMemoryUtils.hpp
+include/torch/csrc/distributed/c10d/symm_mem/DMAConnectivity.hpp
+include/torch/csrc/distributed/c10d/symm_mem/SymmetricMemory.hpp
+include/torch/csrc/distributed/c10d/symm_mem/intra_node_comm.hpp
 include/torch/csrc/distributed/rpc/agent_utils.h
 include/torch/csrc/distributed/rpc/message.h
 include/torch/csrc/distributed/rpc/metrics/RpcMetricsHandler.h
@@ -8292,39 +8413,75 @@ include/torch/csrc/dynamo/cpython_defs.h
 include/torch/csrc/dynamo/cpython_includes.h
 include/torch/csrc/dynamo/debug_macros.h
 include/torch/csrc/dynamo/eval_frame.h
+include/torch/csrc/dynamo/eval_frame_cpp.h
 include/torch/csrc/dynamo/extra_state.h
 include/torch/csrc/dynamo/framelocals_mapping.h
 include/torch/csrc/dynamo/guards.h
 include/torch/csrc/dynamo/init.h
 include/torch/csrc/dynamo/python_compiled_autograd.h
 include/torch/csrc/dynamo/utils.h
+include/torch/csrc/export/pt2_archive_constants.h
+include/torch/csrc/export/pybind.h
 include/torch/csrc/functorch/init.h
 include/torch/csrc/fx/node.h
 include/torch/csrc/inductor/aoti_eager/kernel_holder.h
 include/torch/csrc/inductor/aoti_eager/kernel_meta_info.h
+include/torch/csrc/inductor/aoti_include/array_ref.h
+include/torch/csrc/inductor/aoti_include/common.h
+include/torch/csrc/inductor/aoti_include/cpu.h
+include/torch/csrc/inductor/aoti_include/cuda.h
+include/torch/csrc/inductor/aoti_include/mps.h
+include/torch/csrc/inductor/aoti_include/xpu.h
+include/torch/csrc/inductor/aoti_package/model_package_loader.h
+include/torch/csrc/inductor/aoti_package/pybind.h
 include/torch/csrc/inductor/aoti_runner/model_container_runner.h
 include/torch/csrc/inductor/aoti_runner/model_container_runner_cpu.h
 include/torch/csrc/inductor/aoti_runner/model_container_runner_cuda.h
+include/torch/csrc/inductor/aoti_runner/model_container_runner_mps.h
+include/torch/csrc/inductor/aoti_runner/model_container_runner_xpu.h
 include/torch/csrc/inductor/aoti_runner/pybind.h
 include/torch/csrc/inductor/aoti_runtime/arrayref_tensor.h
+include/torch/csrc/inductor/aoti_runtime/constant_type.h
 include/torch/csrc/inductor/aoti_runtime/device_utils.h
 include/torch/csrc/inductor/aoti_runtime/interface.h
+include/torch/csrc/inductor/aoti_runtime/mini_array_ref.h
 include/torch/csrc/inductor/aoti_runtime/model.h
 include/torch/csrc/inductor/aoti_runtime/model_container.h
 include/torch/csrc/inductor/aoti_runtime/scalar_to_tensor.h
+include/torch/csrc/inductor/aoti_runtime/sycl_runtime_wrappers.h
 include/torch/csrc/inductor/aoti_runtime/thread_local.h
 include/torch/csrc/inductor/aoti_runtime/utils.h
 include/torch/csrc/inductor/aoti_runtime/utils_cuda.h
+include/torch/csrc/inductor/aoti_runtime/utils_xpu.h
 include/torch/csrc/inductor/aoti_torch/c/shim.h
+include/torch/csrc/inductor/aoti_torch/c/shim_cpu.h
+include/torch/csrc/inductor/aoti_torch/c/shim_mps.h
+include/torch/csrc/inductor/aoti_torch/c/shim_xpu.h
 include/torch/csrc/inductor/aoti_torch/generated/c_shim_cpu.h
 include/torch/csrc/inductor/aoti_torch/generated/c_shim_cuda.h
+include/torch/csrc/inductor/aoti_torch/generated/c_shim_mps.h
+include/torch/csrc/inductor/aoti_torch/generated/c_shim_xpu.h
 include/torch/csrc/inductor/aoti_torch/mkldnn_tensor.h
 include/torch/csrc/inductor/aoti_torch/oss_proxy_executor.h
 include/torch/csrc/inductor/aoti_torch/proxy_executor.h
 include/torch/csrc/inductor/aoti_torch/tensor_converter.h
 include/torch/csrc/inductor/aoti_torch/utils.h
+include/torch/csrc/inductor/array_ref_impl.h
+include/torch/csrc/inductor/cpp_prefix.h
+include/torch/csrc/inductor/cpp_wrapper/array_ref.h
+include/torch/csrc/inductor/cpp_wrapper/common.h
+include/torch/csrc/inductor/cpp_wrapper/cpu.h
+include/torch/csrc/inductor/cpp_wrapper/cuda.h
+include/torch/csrc/inductor/cpp_wrapper/device_internal/cpu.h
+include/torch/csrc/inductor/cpp_wrapper/device_internal/cuda.h
+include/torch/csrc/inductor/cpp_wrapper/device_internal/mps.h
+include/torch/csrc/inductor/cpp_wrapper/device_internal/xpu.h
+include/torch/csrc/inductor/cpp_wrapper/mps.h
+include/torch/csrc/inductor/cpp_wrapper/xpu.h
 include/torch/csrc/inductor/inductor_ops.h
+include/torch/csrc/inductor/static_cuda_launcher.h
 include/torch/csrc/instruction_counter/Module.h
+include/torch/csrc/itt.h
 include/torch/csrc/itt_wrapper.h
 include/torch/csrc/jit/api/compilation_unit.h
 include/torch/csrc/jit/api/function_impl.h
@@ -8784,10 +8941,9 @@ include/torch/csrc/monitor/events.h
 include/torch/csrc/monitor/python_init.h
 include/torch/csrc/mps/Module.h
 include/torch/csrc/mtia/Module.h
+include/torch/csrc/mtia/profiler/MTIAMemoryProfiler.h
 include/torch/csrc/multiprocessing/init.h
 include/torch/csrc/onnx/back_compat.h
-include/torch/csrc/onnx/diagnostics/diagnostics.h
-include/torch/csrc/onnx/diagnostics/generated/rules.h
 include/torch/csrc/onnx/init.h
 include/torch/csrc/onnx/onnx.h
 include/torch/csrc/profiler/api.h
@@ -8796,6 +8952,7 @@ include/torch/csrc/profiler/combined_tra
 include/torch/csrc/profiler/containers.h
 include/torch/csrc/profiler/data_flow.h
 include/torch/csrc/profiler/events.h
+include/torch/csrc/profiler/kineto_client_interface.h
 include/torch/csrc/profiler/kineto_shim.h
 include/torch/csrc/profiler/orchestration/observer.h
 include/torch/csrc/profiler/orchestration/python_tracer.h
@@ -8830,6 +8987,8 @@ include/torch/csrc/profiler/util.h
 include/torch/csrc/python_dimname.h
 include/torch/csrc/python_headers.h
 include/torch/csrc/serialization.h
+include/torch/csrc/stable/library.h
+include/torch/csrc/stable/tensor.h
 include/torch/csrc/tensor/python_tensor.h
 include/torch/csrc/utils.h
 include/torch/csrc/utils/byte_order.h
@@ -8837,6 +8996,7 @@ include/torch/csrc/utils/cpp_stacktraces
 include/torch/csrc/utils/cuda_enabled.h
 include/torch/csrc/utils/device_lazy_init.h
 include/torch/csrc/utils/disable_torch_function.h
+include/torch/csrc/utils/generated_serialization_types.h
 include/torch/csrc/utils/init.h
 include/torch/csrc/utils/invalid_arguments.h
 include/torch/csrc/utils/nested.h
@@ -8882,10 +9042,15 @@ include/torch/csrc/xpu/Stream.h
 include/torch/custom_class.h
 include/torch/custom_class_detail.h
 include/torch/extension.h
+include/torch/headeronly/macros/Export.h
 include/torch/library.h
 include/torch/script.h
 lib/cmake/asmjit/asmjit-config-release.cmake
 lib/cmake/asmjit/asmjit-config.cmake
+lib/cmake/ittapi/ittapi-targets-release.cmake
+lib/cmake/ittapi/ittapi-targets.cmake
+lib/cmake/ittapi/ittapiConfig.cmake
+lib/cmake/ittapi/ittapiConfigVersion.cmake
 lib/cmake/sleef/sleefConfig.cmake
 lib/cmake/sleef/sleefConfigVersion.cmake
 lib/cmake/sleef/sleefTargets-release.cmake
@@ -8895,6 +9060,7 @@ lib/libc10.so
 lib/libcpuinfo.a
 lib/libfbgemm.a
 lib/libfmt.a
+lib/libittnotify.a
 lib/libkineto.a
 lib/libshm.so
 lib/libsleef.a
@@ -8971,12 +9137,12 @@ ${PYSITELIB}/functorch/experimental/cont
 ${PYSITELIB}/functorch/experimental/ops.py
 ${PYSITELIB}/functorch/experimental/ops.pyc
 ${PYSITELIB}/functorch/experimental/ops.pyo
-${PYSITELIB}/${EGG_INFODIR}/PKG-INFO
-${PYSITELIB}/${EGG_INFODIR}/SOURCES.txt
-${PYSITELIB}/${EGG_INFODIR}/dependency_links.txt
-${PYSITELIB}/${EGG_INFODIR}/entry_points.txt
-${PYSITELIB}/${EGG_INFODIR}/requires.txt
-${PYSITELIB}/${EGG_INFODIR}/top_level.txt
+${PYSITELIB}/torch-${PKGVERSION}a0+gitunknown-py${PYVERSSUFFIX}.egg-info/PKG-INFO
+${PYSITELIB}/torch-${PKGVERSION}a0+gitunknown-py${PYVERSSUFFIX}.egg-info/SOURCES.txt
+${PYSITELIB}/torch-${PKGVERSION}a0+gitunknown-py${PYVERSSUFFIX}.egg-info/dependency_links.txt
+${PYSITELIB}/torch-${PKGVERSION}a0+gitunknown-py${PYVERSSUFFIX}.egg-info/entry_points.txt
+${PYSITELIB}/torch-${PKGVERSION}a0+gitunknown-py${PYVERSSUFFIX}.egg-info/requires.txt
+${PYSITELIB}/torch-${PKGVERSION}a0+gitunknown-py${PYVERSSUFFIX}.egg-info/top_level.txt
 ${PYSITELIB}/torch/_C.so
 ${PYSITELIB}/torch/_C/_VariableFunctions.pyi
 ${PYSITELIB}/torch/_C/__init__.pyi
@@ -8989,6 +9155,12 @@ ${PYSITELIB}/torch/_C/_distributed_autog
 ${PYSITELIB}/torch/_C/_distributed_c10d.pyi
 ${PYSITELIB}/torch/_C/_distributed_rpc.pyi
 ${PYSITELIB}/torch/_C/_distributed_rpc_testing.pyi
+${PYSITELIB}/torch/_C/_dynamo/__init__.pyi
+${PYSITELIB}/torch/_C/_dynamo/compiled_autograd.pyi
+${PYSITELIB}/torch/_C/_dynamo/eval_frame.pyi
+${PYSITELIB}/torch/_C/_dynamo/guards.pyi
+${PYSITELIB}/torch/_C/_export/__init__.pyi
+${PYSITELIB}/torch/_C/_export/pt2_archive_constants.pyi
 ${PYSITELIB}/torch/_C/_functions.pyi
 ${PYSITELIB}/torch/_C/_functorch.pyi
 ${PYSITELIB}/torch/_C/_instruction_counter.pyi
@@ -9001,6 +9173,7 @@ ${PYSITELIB}/torch/_C/_nvtx.pyi
 ${PYSITELIB}/torch/_C/_onnx.pyi
 ${PYSITELIB}/torch/_C/_profiler.pyi
 ${PYSITELIB}/torch/_C/_verbose.pyi
+${PYSITELIB}/torch/_C_flatbuffer/__init__.pyi
 ${PYSITELIB}/torch/_VF.py
 ${PYSITELIB}/torch/_VF.pyc
 ${PYSITELIB}/torch/_VF.pyi
@@ -9032,9 +9205,6 @@ ${PYSITELIB}/torch/_custom_op/__init__.p
 ${PYSITELIB}/torch/_custom_op/autograd.py
 ${PYSITELIB}/torch/_custom_op/autograd.pyc
 ${PYSITELIB}/torch/_custom_op/autograd.pyo
-${PYSITELIB}/torch/_custom_op/functional.py
-${PYSITELIB}/torch/_custom_op/functional.pyc
-${PYSITELIB}/torch/_custom_op/functional.pyo
 ${PYSITELIB}/torch/_custom_op/impl.py
 ${PYSITELIB}/torch/_custom_op/impl.pyc
 ${PYSITELIB}/torch/_custom_op/impl.pyo
@@ -9161,6 +9331,19 @@ ${PYSITELIB}/torch/_dynamo/external_util
 ${PYSITELIB}/torch/_dynamo/funcname_cache.py
 ${PYSITELIB}/torch/_dynamo/funcname_cache.pyc
 ${PYSITELIB}/torch/_dynamo/funcname_cache.pyo
+${PYSITELIB}/torch/_dynamo/graph_break_hints.py
+${PYSITELIB}/torch/_dynamo/graph_break_hints.pyc
+${PYSITELIB}/torch/_dynamo/graph_break_hints.pyo
+${PYSITELIB}/torch/_dynamo/graph_break_registry.json
+${PYSITELIB}/torch/_dynamo/graph_deduplication.py
+${PYSITELIB}/torch/_dynamo/graph_deduplication.pyc
+${PYSITELIB}/torch/_dynamo/graph_deduplication.pyo
+${PYSITELIB}/torch/_dynamo/graph_region_tracker.py
+${PYSITELIB}/torch/_dynamo/graph_region_tracker.pyc
+${PYSITELIB}/torch/_dynamo/graph_region_tracker.pyo
+${PYSITELIB}/torch/_dynamo/graph_utils.py
+${PYSITELIB}/torch/_dynamo/graph_utils.pyc
+${PYSITELIB}/torch/_dynamo/graph_utils.pyo
 ${PYSITELIB}/torch/_dynamo/guards.py
 ${PYSITELIB}/torch/_dynamo/guards.pyc
 ${PYSITELIB}/torch/_dynamo/guards.pyo
@@ -9170,12 +9353,21 @@ ${PYSITELIB}/torch/_dynamo/hooks.pyo
 ${PYSITELIB}/torch/_dynamo/logging.py
 ${PYSITELIB}/torch/_dynamo/logging.pyc
 ${PYSITELIB}/torch/_dynamo/logging.pyo
+${PYSITELIB}/torch/_dynamo/metrics_context.py
+${PYSITELIB}/torch/_dynamo/metrics_context.pyc
+${PYSITELIB}/torch/_dynamo/metrics_context.pyo
 ${PYSITELIB}/torch/_dynamo/mutation_guard.py
 ${PYSITELIB}/torch/_dynamo/mutation_guard.pyc
 ${PYSITELIB}/torch/_dynamo/mutation_guard.pyo
 ${PYSITELIB}/torch/_dynamo/output_graph.py
 ${PYSITELIB}/torch/_dynamo/output_graph.pyc
 ${PYSITELIB}/torch/_dynamo/output_graph.pyo
+${PYSITELIB}/torch/_dynamo/package.py
+${PYSITELIB}/torch/_dynamo/package.pyc
+${PYSITELIB}/torch/_dynamo/package.pyo
+${PYSITELIB}/torch/_dynamo/pgo.py
+${PYSITELIB}/torch/_dynamo/pgo.pyc
+${PYSITELIB}/torch/_dynamo/pgo.pyo
 ${PYSITELIB}/torch/_dynamo/polyfills/__init__.py
 ${PYSITELIB}/torch/_dynamo/polyfills/__init__.pyc
 ${PYSITELIB}/torch/_dynamo/polyfills/__init__.pyo
@@ -9185,18 +9377,33 @@ ${PYSITELIB}/torch/_dynamo/polyfills/bui
 ${PYSITELIB}/torch/_dynamo/polyfills/functools.py
 ${PYSITELIB}/torch/_dynamo/polyfills/functools.pyc
 ${PYSITELIB}/torch/_dynamo/polyfills/functools.pyo
+${PYSITELIB}/torch/_dynamo/polyfills/fx.py
+${PYSITELIB}/torch/_dynamo/polyfills/fx.pyc
+${PYSITELIB}/torch/_dynamo/polyfills/fx.pyo
 ${PYSITELIB}/torch/_dynamo/polyfills/itertools.py
 ${PYSITELIB}/torch/_dynamo/polyfills/itertools.pyc
 ${PYSITELIB}/torch/_dynamo/polyfills/itertools.pyo
 ${PYSITELIB}/torch/_dynamo/polyfills/loader.py
 ${PYSITELIB}/torch/_dynamo/polyfills/loader.pyc
 ${PYSITELIB}/torch/_dynamo/polyfills/loader.pyo
+${PYSITELIB}/torch/_dynamo/polyfills/operator.py
+${PYSITELIB}/torch/_dynamo/polyfills/operator.pyc
+${PYSITELIB}/torch/_dynamo/polyfills/operator.pyo
 ${PYSITELIB}/torch/_dynamo/polyfills/os.py
 ${PYSITELIB}/torch/_dynamo/polyfills/os.pyc
 ${PYSITELIB}/torch/_dynamo/polyfills/os.pyo
+${PYSITELIB}/torch/_dynamo/polyfills/pytree.py
+${PYSITELIB}/torch/_dynamo/polyfills/pytree.pyc
+${PYSITELIB}/torch/_dynamo/polyfills/pytree.pyo
 ${PYSITELIB}/torch/_dynamo/polyfills/sys.py
 ${PYSITELIB}/torch/_dynamo/polyfills/sys.pyc
 ${PYSITELIB}/torch/_dynamo/polyfills/sys.pyo
+${PYSITELIB}/torch/_dynamo/polyfills/tensor.py
+${PYSITELIB}/torch/_dynamo/polyfills/tensor.pyc
+${PYSITELIB}/torch/_dynamo/polyfills/tensor.pyo
+${PYSITELIB}/torch/_dynamo/precompile_context.py
+${PYSITELIB}/torch/_dynamo/precompile_context.pyc
+${PYSITELIB}/torch/_dynamo/precompile_context.pyo
 ${PYSITELIB}/torch/_dynamo/profiler.py
 ${PYSITELIB}/torch/_dynamo/profiler.pyc
 ${PYSITELIB}/torch/_dynamo/profiler.pyo
@@ -9212,6 +9419,9 @@ ${PYSITELIB}/torch/_dynamo/repro/after_a
 ${PYSITELIB}/torch/_dynamo/repro/after_dynamo.py
 ${PYSITELIB}/torch/_dynamo/repro/after_dynamo.pyc
 ${PYSITELIB}/torch/_dynamo/repro/after_dynamo.pyo
+${PYSITELIB}/torch/_dynamo/repro/aoti.py
+${PYSITELIB}/torch/_dynamo/repro/aoti.pyc
+${PYSITELIB}/torch/_dynamo/repro/aoti.pyo
 ${PYSITELIB}/torch/_dynamo/resume_execution.py
 ${PYSITELIB}/torch/_dynamo/resume_execution.pyc
 ${PYSITELIB}/torch/_dynamo/resume_execution.pyo
@@ -9230,6 +9440,9 @@ ${PYSITELIB}/torch/_dynamo/tensor_versio
 ${PYSITELIB}/torch/_dynamo/test_case.py
 ${PYSITELIB}/torch/_dynamo/test_case.pyc
 ${PYSITELIB}/torch/_dynamo/test_case.pyo
+${PYSITELIB}/torch/_dynamo/test_dont_skip_tracing_functions.py
+${PYSITELIB}/torch/_dynamo/test_dont_skip_tracing_functions.pyc
+${PYSITELIB}/torch/_dynamo/test_dont_skip_tracing_functions.pyo
 ${PYSITELIB}/torch/_dynamo/test_minifier_common.py
 ${PYSITELIB}/torch/_dynamo/test_minifier_common.pyc
 ${PYSITELIB}/torch/_dynamo/test_minifier_common.pyo
@@ -9311,6 +9524,9 @@ ${PYSITELIB}/torch/_dynamo/variables/tor
 ${PYSITELIB}/torch/_dynamo/variables/user_defined.py
 ${PYSITELIB}/torch/_dynamo/variables/user_defined.pyc
 ${PYSITELIB}/torch/_dynamo/variables/user_defined.pyo
+${PYSITELIB}/torch/_environment.py
+${PYSITELIB}/torch/_environment.pyc
+${PYSITELIB}/torch/_environment.pyo
 ${PYSITELIB}/torch/_export/__init__.py
 ${PYSITELIB}/torch/_export/__init__.pyc
 ${PYSITELIB}/torch/_export/__init__.pyo
@@ -9476,6 +9692,9 @@ ${PYSITELIB}/torch/_export/passes/consta
 ${PYSITELIB}/torch/_export/passes/functionalize_side_effectful_ops_pass.py
 ${PYSITELIB}/torch/_export/passes/functionalize_side_effectful_ops_pass.pyc
 ${PYSITELIB}/torch/_export/passes/functionalize_side_effectful_ops_pass.pyo
+${PYSITELIB}/torch/_export/passes/insert_custom_op_guards.py
+${PYSITELIB}/torch/_export/passes/insert_custom_op_guards.pyc
+${PYSITELIB}/torch/_export/passes/insert_custom_op_guards.pyo
 ${PYSITELIB}/torch/_export/passes/lift_constants_pass.py
 ${PYSITELIB}/torch/_export/passes/lift_constants_pass.pyc
 ${PYSITELIB}/torch/_export/passes/lift_constants_pass.pyo
@@ -9500,12 +9719,10 @@ ${PYSITELIB}/torch/_export/passes/replac
 ${PYSITELIB}/torch/_export/serde/__init__.py
 ${PYSITELIB}/torch/_export/serde/__init__.pyc
 ${PYSITELIB}/torch/_export/serde/__init__.pyo
-${PYSITELIB}/torch/_export/serde/aoti_schema.py
-${PYSITELIB}/torch/_export/serde/aoti_schema.pyc
-${PYSITELIB}/torch/_export/serde/aoti_schema.pyo
 ${PYSITELIB}/torch/_export/serde/dynamic_shapes.py
 ${PYSITELIB}/torch/_export/serde/dynamic_shapes.pyc
 ${PYSITELIB}/torch/_export/serde/dynamic_shapes.pyo
+${PYSITELIB}/torch/_export/serde/export_schema.thrift
 ${PYSITELIB}/torch/_export/serde/schema.py
 ${PYSITELIB}/torch/_export/serde/schema.pyc
 ${PYSITELIB}/torch/_export/serde/schema.pyo
@@ -9534,6 +9751,21 @@ ${PYSITELIB}/torch/_export/wrappers.pyo
 ${PYSITELIB}/torch/_functorch/__init__.py
 ${PYSITELIB}/torch/_functorch/__init__.pyc
 ${PYSITELIB}/torch/_functorch/__init__.pyo
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/__init__.py
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/__init__.pyc
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/__init__.pyo
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/ac_logging_utils.py
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/ac_logging_utils.pyc
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/ac_logging_utils.pyo
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/graph_info_provider.py
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/graph_info_provider.pyc
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/graph_info_provider.pyo
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/knapsack.py
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/knapsack.pyc
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/knapsack.pyo
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/knapsack_evaluator.py
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/knapsack_evaluator.pyc
+${PYSITELIB}/torch/_functorch/_activation_checkpointing/knapsack_evaluator.pyo
 ${PYSITELIB}/torch/_functorch/_aot_autograd/__init__.py
 ${PYSITELIB}/torch/_functorch/_aot_autograd/__init__.pyc
 ${PYSITELIB}/torch/_functorch/_aot_autograd/__init__.pyo
@@ -9564,6 +9796,9 @@ ${PYSITELIB}/torch/_functorch/_aot_autog
 ${PYSITELIB}/torch/_functorch/_aot_autograd/schemas.py
 ${PYSITELIB}/torch/_functorch/_aot_autograd/schemas.pyc
 ${PYSITELIB}/torch/_functorch/_aot_autograd/schemas.pyo
+${PYSITELIB}/torch/_functorch/_aot_autograd/subclass_parametrization.py
+${PYSITELIB}/torch/_functorch/_aot_autograd/subclass_parametrization.pyc
+${PYSITELIB}/torch/_functorch/_aot_autograd/subclass_parametrization.pyo
 ${PYSITELIB}/torch/_functorch/_aot_autograd/subclass_utils.py
 ${PYSITELIB}/torch/_functorch/_aot_autograd/subclass_utils.pyc
 ${PYSITELIB}/torch/_functorch/_aot_autograd/subclass_utils.pyo
@@ -9639,12 +9874,21 @@ ${PYSITELIB}/torch/_guards.pyo
 ${PYSITELIB}/torch/_higher_order_ops/__init__.py
 ${PYSITELIB}/torch/_higher_order_ops/__init__.pyc
 ${PYSITELIB}/torch/_higher_order_ops/__init__.pyo
+${PYSITELIB}/torch/_higher_order_ops/_invoke_quant.py
+${PYSITELIB}/torch/_higher_order_ops/_invoke_quant.pyc
+${PYSITELIB}/torch/_higher_order_ops/_invoke_quant.pyo
+${PYSITELIB}/torch/_higher_order_ops/aoti_call_delegate.py
+${PYSITELIB}/torch/_higher_order_ops/aoti_call_delegate.pyc
+${PYSITELIB}/torch/_higher_order_ops/aoti_call_delegate.pyo
 ${PYSITELIB}/torch/_higher_order_ops/associative_scan.py
 ${PYSITELIB}/torch/_higher_order_ops/associative_scan.pyc
 ${PYSITELIB}/torch/_higher_order_ops/associative_scan.pyo
 ${PYSITELIB}/torch/_higher_order_ops/auto_functionalize.py
 ${PYSITELIB}/torch/_higher_order_ops/auto_functionalize.pyc
 ${PYSITELIB}/torch/_higher_order_ops/auto_functionalize.pyo
+${PYSITELIB}/torch/_higher_order_ops/base_hop.py
+${PYSITELIB}/torch/_higher_order_ops/base_hop.pyc
+${PYSITELIB}/torch/_higher_order_ops/base_hop.pyo
 ${PYSITELIB}/torch/_higher_order_ops/cond.py
 ${PYSITELIB}/torch/_higher_order_ops/cond.pyc
 ${PYSITELIB}/torch/_higher_order_ops/cond.pyo
@@ -9654,12 +9898,21 @@ ${PYSITELIB}/torch/_higher_order_ops/eff
 ${PYSITELIB}/torch/_higher_order_ops/executorch_call_delegate.py
 ${PYSITELIB}/torch/_higher_order_ops/executorch_call_delegate.pyc
 ${PYSITELIB}/torch/_higher_order_ops/executorch_call_delegate.pyo
+${PYSITELIB}/torch/_higher_order_ops/flat_apply.py
+${PYSITELIB}/torch/_higher_order_ops/flat_apply.pyc
+${PYSITELIB}/torch/_higher_order_ops/flat_apply.pyo
 ${PYSITELIB}/torch/_higher_order_ops/flex_attention.py
 ${PYSITELIB}/torch/_higher_order_ops/flex_attention.pyc
 ${PYSITELIB}/torch/_higher_order_ops/flex_attention.pyo
+${PYSITELIB}/torch/_higher_order_ops/foreach_map.py
+${PYSITELIB}/torch/_higher_order_ops/foreach_map.pyc
+${PYSITELIB}/torch/_higher_order_ops/foreach_map.pyo
 ${PYSITELIB}/torch/_higher_order_ops/hints_wrap.py
 ${PYSITELIB}/torch/_higher_order_ops/hints_wrap.pyc
 ${PYSITELIB}/torch/_higher_order_ops/hints_wrap.pyo
+${PYSITELIB}/torch/_higher_order_ops/invoke_subgraph.py
+${PYSITELIB}/torch/_higher_order_ops/invoke_subgraph.pyc
+${PYSITELIB}/torch/_higher_order_ops/invoke_subgraph.pyo
 ${PYSITELIB}/torch/_higher_order_ops/map.py
 ${PYSITELIB}/torch/_higher_order_ops/map.pyc
 ${PYSITELIB}/torch/_higher_order_ops/map.pyo
@@ -9669,6 +9922,12 @@ ${PYSITELIB}/torch/_higher_order_ops/out
 ${PYSITELIB}/torch/_higher_order_ops/run_const_graph.py
 ${PYSITELIB}/torch/_higher_order_ops/run_const_graph.pyc
 ${PYSITELIB}/torch/_higher_order_ops/run_const_graph.pyo
+${PYSITELIB}/torch/_higher_order_ops/scan.py
+${PYSITELIB}/torch/_higher_order_ops/scan.pyc
+${PYSITELIB}/torch/_higher_order_ops/scan.pyo
+${PYSITELIB}/torch/_higher_order_ops/schema.py
+${PYSITELIB}/torch/_higher_order_ops/schema.pyc
+${PYSITELIB}/torch/_higher_order_ops/schema.pyo
 ${PYSITELIB}/torch/_higher_order_ops/strict_mode.py
 ${PYSITELIB}/torch/_higher_order_ops/strict_mode.pyc
 ${PYSITELIB}/torch/_higher_order_ops/strict_mode.pyo
@@ -9687,9 +9946,15 @@ ${PYSITELIB}/torch/_higher_order_ops/whi
 ${PYSITELIB}/torch/_higher_order_ops/wrap.py
 ${PYSITELIB}/torch/_higher_order_ops/wrap.pyc
 ${PYSITELIB}/torch/_higher_order_ops/wrap.pyo
+${PYSITELIB}/torch/_inductor/__autotune_main__.py
+${PYSITELIB}/torch/_inductor/__autotune_main__.pyc
+${PYSITELIB}/torch/_inductor/__autotune_main__.pyo
 ${PYSITELIB}/torch/_inductor/__init__.py
 ${PYSITELIB}/torch/_inductor/__init__.pyc
 ${PYSITELIB}/torch/_inductor/__init__.pyo
+${PYSITELIB}/torch/_inductor/analyze_preserves_zero_mask.py
+${PYSITELIB}/torch/_inductor/analyze_preserves_zero_mask.pyc
+${PYSITELIB}/torch/_inductor/analyze_preserves_zero_mask.pyo
 ${PYSITELIB}/torch/_inductor/aoti_eager.py
 ${PYSITELIB}/torch/_inductor/aoti_eager.pyc
 ${PYSITELIB}/torch/_inductor/aoti_eager.pyo
@@ -9735,6 +10000,9 @@ ${PYSITELIB}/torch/_inductor/autotune_pr
 ${PYSITELIB}/torch/_inductor/bounds.py
 ${PYSITELIB}/torch/_inductor/bounds.pyc
 ${PYSITELIB}/torch/_inductor/bounds.pyo
+${PYSITELIB}/torch/_inductor/choices.py
+${PYSITELIB}/torch/_inductor/choices.pyc
+${PYSITELIB}/torch/_inductor/choices.pyo
 ${PYSITELIB}/torch/_inductor/codecache.py
 ${PYSITELIB}/torch/_inductor/codecache.pyc
 ${PYSITELIB}/torch/_inductor/codecache.pyo
@@ -9744,24 +10012,31 @@ ${PYSITELIB}/torch/_inductor/codegen/__i
 ${PYSITELIB}/torch/_inductor/codegen/aoti_hipify_utils.py
 ${PYSITELIB}/torch/_inductor/codegen/aoti_hipify_utils.pyc
 ${PYSITELIB}/torch/_inductor/codegen/aoti_hipify_utils.pyo
-${PYSITELIB}/torch/_inductor/codegen/aoti_runtime/implementation.cpp
 ${PYSITELIB}/torch/_inductor/codegen/aoti_runtime/interface.cpp
-${PYSITELIB}/torch/_inductor/codegen/codegen_device_driver.py
-${PYSITELIB}/torch/_inductor/codegen/codegen_device_driver.pyc
-${PYSITELIB}/torch/_inductor/codegen/codegen_device_driver.pyo
+${PYSITELIB}/torch/_inductor/codegen/block_analysis.py
+${PYSITELIB}/torch/_inductor/codegen/block_analysis.pyc
+${PYSITELIB}/torch/_inductor/codegen/block_analysis.pyo
 ${PYSITELIB}/torch/_inductor/codegen/common.py
 ${PYSITELIB}/torch/_inductor/codegen/common.pyc
 ${PYSITELIB}/torch/_inductor/codegen/common.pyo
 ${PYSITELIB}/torch/_inductor/codegen/cpp.py
 ${PYSITELIB}/torch/_inductor/codegen/cpp.pyc
 ${PYSITELIB}/torch/_inductor/codegen/cpp.pyo
+${PYSITELIB}/torch/_inductor/codegen/cpp_bmm_template.py
+${PYSITELIB}/torch/_inductor/codegen/cpp_bmm_template.pyc
+${PYSITELIB}/torch/_inductor/codegen/cpp_bmm_template.pyo
+${PYSITELIB}/torch/_inductor/codegen/cpp_flex_attention_template.py
+${PYSITELIB}/torch/_inductor/codegen/cpp_flex_attention_template.pyc
+${PYSITELIB}/torch/_inductor/codegen/cpp_flex_attention_template.pyo
 ${PYSITELIB}/torch/_inductor/codegen/cpp_gemm_template.py
 ${PYSITELIB}/torch/_inductor/codegen/cpp_gemm_template.pyc
 ${PYSITELIB}/torch/_inductor/codegen/cpp_gemm_template.pyo
+${PYSITELIB}/torch/_inductor/codegen/cpp_grouped_gemm_template.py
+${PYSITELIB}/torch/_inductor/codegen/cpp_grouped_gemm_template.pyc
+${PYSITELIB}/torch/_inductor/codegen/cpp_grouped_gemm_template.pyo
 ${PYSITELIB}/torch/_inductor/codegen/cpp_micro_gemm.py
 ${PYSITELIB}/torch/_inductor/codegen/cpp_micro_gemm.pyc
 ${PYSITELIB}/torch/_inductor/codegen/cpp_micro_gemm.pyo
-${PYSITELIB}/torch/_inductor/codegen/cpp_prefix.h
 ${PYSITELIB}/torch/_inductor/codegen/cpp_template.py
 ${PYSITELIB}/torch/_inductor/codegen/cpp_template.pyc
 ${PYSITELIB}/torch/_inductor/codegen/cpp_template.pyo
@@ -9774,9 +10049,18 @@ ${PYSITELIB}/torch/_inductor/codegen/cpp
 ${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_cpu.py
 ${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_cpu.pyc
 ${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_cpu.pyo
-${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_cuda.py
-${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_cuda.pyc
-${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_cuda.pyo
+${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_cpu_array_ref.py
+${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_cpu_array_ref.pyc
+${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_cpu_array_ref.pyo
+${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_gpu.py
+${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_gpu.pyc
+${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_gpu.pyo
+${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_mps.py
+${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_mps.pyc
+${PYSITELIB}/torch/_inductor/codegen/cpp_wrapper_mps.pyo
+${PYSITELIB}/torch/_inductor/codegen/cpu_device_op_overrides.py
+${PYSITELIB}/torch/_inductor/codegen/cpu_device_op_overrides.pyc
+${PYSITELIB}/torch/_inductor/codegen/cpu_device_op_overrides.pyo
 ${PYSITELIB}/torch/_inductor/codegen/cuda/__init__.py
 ${PYSITELIB}/torch/_inductor/codegen/cuda/__init__.pyc
 ${PYSITELIB}/torch/_inductor/codegen/cuda/__init__.pyo
@@ -9792,15 +10076,24 @@ ${PYSITELIB}/torch/_inductor/codegen/cud
 ${PYSITELIB}/torch/_inductor/codegen/cuda/cuda_template.py
 ${PYSITELIB}/torch/_inductor/codegen/cuda/cuda_template.pyc
 ${PYSITELIB}/torch/_inductor/codegen/cuda/cuda_template.pyo
-${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_epilogue_gen.py
-${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_epilogue_gen.pyc
-${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_epilogue_gen.pyo
+${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_cache.py
+${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_cache.pyc
+${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_cache.pyo
 ${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_lib_extensions/__init__.py
 ${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_lib_extensions/__init__.pyc
 ${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_lib_extensions/__init__.pyo
+${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_lib_extensions/evt_extensions.py
+${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_lib_extensions/evt_extensions.pyc
+${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_lib_extensions/evt_extensions.pyo
 ${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_lib_extensions/gemm_operation_extensions.py
 ${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_lib_extensions/gemm_operation_extensions.pyc
 ${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_lib_extensions/gemm_operation_extensions.pyo
+${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_presets.py
+${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_presets.pyc
+${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_presets.pyo
+${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_python_evt.py
+${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_python_evt.pyc
+${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_python_evt.pyo
 ${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_utils.py
 ${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_utils.pyc
 ${PYSITELIB}/torch/_inductor/codegen/cuda/cutlass_utils.pyo
@@ -9810,6 +10103,9 @@ ${PYSITELIB}/torch/_inductor/codegen/cud
 ${PYSITELIB}/torch/_inductor/codegen/cuda/gemm_template.py
 ${PYSITELIB}/torch/_inductor/codegen/cuda/gemm_template.pyc
 ${PYSITELIB}/torch/_inductor/codegen/cuda/gemm_template.pyo
+${PYSITELIB}/torch/_inductor/codegen/cuda/serialization.py
+${PYSITELIB}/torch/_inductor/codegen/cuda/serialization.pyc
+${PYSITELIB}/torch/_inductor/codegen/cuda/serialization.pyo
 ${PYSITELIB}/torch/_inductor/codegen/cuda_combined_scheduling.py
 ${PYSITELIB}/torch/_inductor/codegen/cuda_combined_scheduling.pyc
 ${PYSITELIB}/torch/_inductor/codegen/cuda_combined_scheduling.pyo
@@ -9822,15 +10118,30 @@ ${PYSITELIB}/torch/_inductor/codegen/hal
 ${PYSITELIB}/torch/_inductor/codegen/memory_planning.py
 ${PYSITELIB}/torch/_inductor/codegen/memory_planning.pyc
 ${PYSITELIB}/torch/_inductor/codegen/memory_planning.pyo
+${PYSITELIB}/torch/_inductor/codegen/mps.py
+${PYSITELIB}/torch/_inductor/codegen/mps.pyc
+${PYSITELIB}/torch/_inductor/codegen/mps.pyo
+${PYSITELIB}/torch/_inductor/codegen/mps_device_op_overrides.py
+${PYSITELIB}/torch/_inductor/codegen/mps_device_op_overrides.pyc
+${PYSITELIB}/torch/_inductor/codegen/mps_device_op_overrides.pyo
 ${PYSITELIB}/torch/_inductor/codegen/multi_kernel.py
 ${PYSITELIB}/torch/_inductor/codegen/multi_kernel.pyc
 ${PYSITELIB}/torch/_inductor/codegen/multi_kernel.pyo
 ${PYSITELIB}/torch/_inductor/codegen/rocm/__init__.py
 ${PYSITELIB}/torch/_inductor/codegen/rocm/__init__.pyc
 ${PYSITELIB}/torch/_inductor/codegen/rocm/__init__.pyo
+${PYSITELIB}/torch/_inductor/codegen/rocm/ck_conv_template.py
+${PYSITELIB}/torch/_inductor/codegen/rocm/ck_conv_template.pyc
+${PYSITELIB}/torch/_inductor/codegen/rocm/ck_conv_template.pyo
 ${PYSITELIB}/torch/_inductor/codegen/rocm/ck_template.py
 ${PYSITELIB}/torch/_inductor/codegen/rocm/ck_template.pyc
 ${PYSITELIB}/torch/_inductor/codegen/rocm/ck_template.pyo
+${PYSITELIB}/torch/_inductor/codegen/rocm/ck_tile_template.py
+${PYSITELIB}/torch/_inductor/codegen/rocm/ck_tile_template.pyc
+${PYSITELIB}/torch/_inductor/codegen/rocm/ck_tile_template.pyo
+${PYSITELIB}/torch/_inductor/codegen/rocm/ck_tile_universal_gemm_template.py
+${PYSITELIB}/torch/_inductor/codegen/rocm/ck_tile_universal_gemm_template.pyc
+${PYSITELIB}/torch/_inductor/codegen/rocm/ck_tile_universal_gemm_template.pyo
 ${PYSITELIB}/torch/_inductor/codegen/rocm/ck_universal_gemm_template.py
 ${PYSITELIB}/torch/_inductor/codegen/rocm/ck_universal_gemm_template.pyc
 ${PYSITELIB}/torch/_inductor/codegen/rocm/ck_universal_gemm_template.pyo
@@ -9852,9 +10163,18 @@ ${PYSITELIB}/torch/_inductor/codegen/roc
 ${PYSITELIB}/torch/_inductor/codegen/rocm/rocm_template_buffer.py
 ${PYSITELIB}/torch/_inductor/codegen/rocm/rocm_template_buffer.pyc
 ${PYSITELIB}/torch/_inductor/codegen/rocm/rocm_template_buffer.pyo
+${PYSITELIB}/torch/_inductor/codegen/rocm/rocm_utils.py
+${PYSITELIB}/torch/_inductor/codegen/rocm/rocm_utils.pyc
+${PYSITELIB}/torch/_inductor/codegen/rocm/rocm_utils.pyo
 ${PYSITELIB}/torch/_inductor/codegen/simd.py
 ${PYSITELIB}/torch/_inductor/codegen/simd.pyc
 ${PYSITELIB}/torch/_inductor/codegen/simd.pyo
+${PYSITELIB}/torch/_inductor/codegen/simd_kernel_features.py
+${PYSITELIB}/torch/_inductor/codegen/simd_kernel_features.pyc
+${PYSITELIB}/torch/_inductor/codegen/simd_kernel_features.pyo
+${PYSITELIB}/torch/_inductor/codegen/subgraph.py
+${PYSITELIB}/torch/_inductor/codegen/subgraph.pyc
+${PYSITELIB}/torch/_inductor/codegen/subgraph.pyo
 ${PYSITELIB}/torch/_inductor/codegen/triton.py
 ${PYSITELIB}/torch/_inductor/codegen/triton.pyc
 ${PYSITELIB}/torch/_inductor/codegen/triton.pyo
@@ -9870,6 +10190,9 @@ ${PYSITELIB}/torch/_inductor/codegen/tri
 ${PYSITELIB}/torch/_inductor/codegen/wrapper.py
 ${PYSITELIB}/torch/_inductor/codegen/wrapper.pyc
 ${PYSITELIB}/torch/_inductor/codegen/wrapper.pyo
+${PYSITELIB}/torch/_inductor/codegen/wrapper_fxir.py
+${PYSITELIB}/torch/_inductor/codegen/wrapper_fxir.pyc
+${PYSITELIB}/torch/_inductor/codegen/wrapper_fxir.pyo
 ${PYSITELIB}/torch/_inductor/codegen/xpu/__init__.py
 ${PYSITELIB}/torch/_inductor/codegen/xpu/__init__.pyc
 ${PYSITELIB}/torch/_inductor/codegen/xpu/__init__.pyo
@@ -9879,12 +10202,24 @@ ${PYSITELIB}/torch/_inductor/codegen/xpu
 ${PYSITELIB}/torch/_inductor/comm_analysis.py
 ${PYSITELIB}/torch/_inductor/comm_analysis.pyc
 ${PYSITELIB}/torch/_inductor/comm_analysis.pyo
+${PYSITELIB}/torch/_inductor/comm_lowering.py
+${PYSITELIB}/torch/_inductor/comm_lowering.pyc
+${PYSITELIB}/torch/_inductor/comm_lowering.pyo
 ${PYSITELIB}/torch/_inductor/comms.py
 ${PYSITELIB}/torch/_inductor/comms.pyc
 ${PYSITELIB}/torch/_inductor/comms.pyo
 ${PYSITELIB}/torch/_inductor/compile_fx.py
 ${PYSITELIB}/torch/_inductor/compile_fx.pyc
 ${PYSITELIB}/torch/_inductor/compile_fx.pyo
+${PYSITELIB}/torch/_inductor/compile_fx_async.py
+${PYSITELIB}/torch/_inductor/compile_fx_async.pyc
+${PYSITELIB}/torch/_inductor/compile_fx_async.pyo
+${PYSITELIB}/torch/_inductor/compile_fx_ext.py
+${PYSITELIB}/torch/_inductor/compile_fx_ext.pyc
+${PYSITELIB}/torch/_inductor/compile_fx_ext.pyo
+${PYSITELIB}/torch/_inductor/compile_fx_subproc.py
+${PYSITELIB}/torch/_inductor/compile_fx_subproc.pyc
+${PYSITELIB}/torch/_inductor/compile_fx_subproc.pyo
 ${PYSITELIB}/torch/_inductor/compile_worker/__init__.py
 ${PYSITELIB}/torch/_inductor/compile_worker/__init__.pyc
 ${PYSITELIB}/torch/_inductor/compile_worker/__init__.pyo
@@ -9894,9 +10229,15 @@ ${PYSITELIB}/torch/_inductor/compile_wor
 ${PYSITELIB}/torch/_inductor/compile_worker/subproc_pool.py
 ${PYSITELIB}/torch/_inductor/compile_worker/subproc_pool.pyc
 ${PYSITELIB}/torch/_inductor/compile_worker/subproc_pool.pyo
-${PYSITELIB}/torch/_inductor/compile_worker/watchdog.py
-${PYSITELIB}/torch/_inductor/compile_worker/watchdog.pyc
-${PYSITELIB}/torch/_inductor/compile_worker/watchdog.pyo
+${PYSITELIB}/torch/_inductor/compile_worker/tracked_process_pool.py
+${PYSITELIB}/torch/_inductor/compile_worker/tracked_process_pool.pyc
+${PYSITELIB}/torch/_inductor/compile_worker/tracked_process_pool.pyo
+${PYSITELIB}/torch/_inductor/compile_worker/utils.py
+${PYSITELIB}/torch/_inductor/compile_worker/utils.pyc
+${PYSITELIB}/torch/_inductor/compile_worker/utils.pyo
+${PYSITELIB}/torch/_inductor/compiler_bisector.py
+${PYSITELIB}/torch/_inductor/compiler_bisector.pyc
+${PYSITELIB}/torch/_inductor/compiler_bisector.pyo
 ${PYSITELIB}/torch/_inductor/config.py
 ${PYSITELIB}/torch/_inductor/config.pyc
 ${PYSITELIB}/torch/_inductor/config.pyo
@@ -9915,6 +10256,9 @@ ${PYSITELIB}/torch/_inductor/cudagraph_t
 ${PYSITELIB}/torch/_inductor/cudagraph_utils.py
 ${PYSITELIB}/torch/_inductor/cudagraph_utils.pyc
 ${PYSITELIB}/torch/_inductor/cudagraph_utils.pyo
+${PYSITELIB}/torch/_inductor/custom_graph_pass.py
+${PYSITELIB}/torch/_inductor/custom_graph_pass.pyc
+${PYSITELIB}/torch/_inductor/custom_graph_pass.pyo
 ${PYSITELIB}/torch/_inductor/debug.py
 ${PYSITELIB}/torch/_inductor/debug.pyc
 ${PYSITELIB}/torch/_inductor/debug.pyo
@@ -9924,6 +10268,9 @@ ${PYSITELIB}/torch/_inductor/decompositi
 ${PYSITELIB}/torch/_inductor/dependencies.py
 ${PYSITELIB}/torch/_inductor/dependencies.pyc
 ${PYSITELIB}/torch/_inductor/dependencies.pyo
+${PYSITELIB}/torch/_inductor/dtype_propagation.py
+${PYSITELIB}/torch/_inductor/dtype_propagation.pyc
+${PYSITELIB}/torch/_inductor/dtype_propagation.pyo
 ${PYSITELIB}/torch/_inductor/exc.py
 ${PYSITELIB}/torch/_inductor/exc.pyc
 ${PYSITELIB}/torch/_inductor/exc.pyo
@@ -9933,6 +10280,12 @@ ${PYSITELIB}/torch/_inductor/extern_node
 ${PYSITELIB}/torch/_inductor/freezing.py
 ${PYSITELIB}/torch/_inductor/freezing.pyc
 ${PYSITELIB}/torch/_inductor/freezing.pyo
+${PYSITELIB}/torch/_inductor/freezing_utils.py
+${PYSITELIB}/torch/_inductor/freezing_utils.pyc
+${PYSITELIB}/torch/_inductor/freezing_utils.pyo
+${PYSITELIB}/torch/_inductor/fuzzer.py
+${PYSITELIB}/torch/_inductor/fuzzer.pyc
+${PYSITELIB}/torch/_inductor/fuzzer.pyo
 ${PYSITELIB}/torch/_inductor/fx_passes/__init__.py
 ${PYSITELIB}/torch/_inductor/fx_passes/__init__.pyc
 ${PYSITELIB}/torch/_inductor/fx_passes/__init__.pyo
@@ -10035,6 +10388,18 @@ ${PYSITELIB}/torch/_inductor/fx_passes/s
 ${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_2.py
 ${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_2.pyc
 ${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_2.pyo
+${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_20.py
+${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_20.pyc
+${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_20.pyo
+${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_21.py
+${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_21.pyc
+${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_21.pyo
+${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_22.py
+${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_22.pyc
+${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_22.pyo
+${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_23.py
+${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_23.pyc
+${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_23.pyo
 ${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_3.py
 ${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_3.pyc
 ${PYSITELIB}/torch/_inductor/fx_passes/serialized_patterns/_sfdp_pattern_3.pyo
@@ -10113,18 +10478,18 @@ ${PYSITELIB}/torch/_inductor/kernel/mm_c
 ${PYSITELIB}/torch/_inductor/kernel/mm_plus_mm.py
 ${PYSITELIB}/torch/_inductor/kernel/mm_plus_mm.pyc
 ${PYSITELIB}/torch/_inductor/kernel/mm_plus_mm.pyo
-${PYSITELIB}/torch/_inductor/kernel/mm_scaled.py
-${PYSITELIB}/torch/_inductor/kernel/mm_scaled.pyc
-${PYSITELIB}/torch/_inductor/kernel/mm_scaled.pyo
-${PYSITELIB}/torch/_inductor/kernel/unpack_mixed_mm.py
-${PYSITELIB}/torch/_inductor/kernel/unpack_mixed_mm.pyc
-${PYSITELIB}/torch/_inductor/kernel/unpack_mixed_mm.pyo
+${PYSITELIB}/torch/_inductor/kernel/mm_scaled_grouped.py
+${PYSITELIB}/torch/_inductor/kernel/mm_scaled_grouped.pyc
+${PYSITELIB}/torch/_inductor/kernel/mm_scaled_grouped.pyo
 ${PYSITELIB}/torch/_inductor/loop_body.py
 ${PYSITELIB}/torch/_inductor/loop_body.pyc
 ${PYSITELIB}/torch/_inductor/loop_body.pyo
 ${PYSITELIB}/torch/_inductor/lowering.py
 ${PYSITELIB}/torch/_inductor/lowering.pyc
 ${PYSITELIB}/torch/_inductor/lowering.pyo
+${PYSITELIB}/torch/_inductor/memory.py
+${PYSITELIB}/torch/_inductor/memory.pyc
+${PYSITELIB}/torch/_inductor/memory.pyo
 ${PYSITELIB}/torch/_inductor/metrics.py
 ${PYSITELIB}/torch/_inductor/metrics.pyc
 ${PYSITELIB}/torch/_inductor/metrics.pyo
@@ -10134,12 +10499,18 @@ ${PYSITELIB}/torch/_inductor/mkldnn_ir.p
 ${PYSITELIB}/torch/_inductor/mkldnn_lowerings.py
 ${PYSITELIB}/torch/_inductor/mkldnn_lowerings.pyc
 ${PYSITELIB}/torch/_inductor/mkldnn_lowerings.pyo
+${PYSITELIB}/torch/_inductor/mock_cache.py
+${PYSITELIB}/torch/_inductor/mock_cache.pyc
+${PYSITELIB}/torch/_inductor/mock_cache.pyo
 ${PYSITELIB}/torch/_inductor/ops_handler.py
 ${PYSITELIB}/torch/_inductor/ops_handler.pyc
 ${PYSITELIB}/torch/_inductor/ops_handler.pyo
 ${PYSITELIB}/torch/_inductor/optimize_indexing.py
 ${PYSITELIB}/torch/_inductor/optimize_indexing.pyc
 ${PYSITELIB}/torch/_inductor/optimize_indexing.pyo
+${PYSITELIB}/torch/_inductor/output_code.py
+${PYSITELIB}/torch/_inductor/output_code.pyc
+${PYSITELIB}/torch/_inductor/output_code.pyo
 ${PYSITELIB}/torch/_inductor/package/__init__.py
 ${PYSITELIB}/torch/_inductor/package/__init__.pyc
 ${PYSITELIB}/torch/_inductor/package/__init__.pyo
@@ -10149,9 +10520,6 @@ ${PYSITELIB}/torch/_inductor/package/bui
 ${PYSITELIB}/torch/_inductor/package/package.py
 ${PYSITELIB}/torch/_inductor/package/package.pyc
 ${PYSITELIB}/torch/_inductor/package/package.pyo
-${PYSITELIB}/torch/_inductor/package/pt2_archive_constants.py
-${PYSITELIB}/torch/_inductor/package/pt2_archive_constants.pyc
-${PYSITELIB}/torch/_inductor/package/pt2_archive_constants.pyo
 ${PYSITELIB}/torch/_inductor/pattern_matcher.py
 ${PYSITELIB}/torch/_inductor/pattern_matcher.pyc
 ${PYSITELIB}/torch/_inductor/pattern_matcher.pyo
@@ -10170,6 +10538,9 @@ ${PYSITELIB}/torch/_inductor/runtime/aut
 ${PYSITELIB}/torch/_inductor/runtime/benchmarking.py
 ${PYSITELIB}/torch/_inductor/runtime/benchmarking.pyc
 ${PYSITELIB}/torch/_inductor/runtime/benchmarking.pyo
+${PYSITELIB}/torch/_inductor/runtime/cache_dir_utils.py
+${PYSITELIB}/torch/_inductor/runtime/cache_dir_utils.pyc
+${PYSITELIB}/torch/_inductor/runtime/cache_dir_utils.pyo
 ${PYSITELIB}/torch/_inductor/runtime/compile_tasks.py
 ${PYSITELIB}/torch/_inductor/runtime/compile_tasks.pyc
 ${PYSITELIB}/torch/_inductor/runtime/compile_tasks.pyo
@@ -10185,6 +10556,12 @@ ${PYSITELIB}/torch/_inductor/runtime/hin
 ${PYSITELIB}/torch/_inductor/runtime/runtime_utils.py
 ${PYSITELIB}/torch/_inductor/runtime/runtime_utils.pyc
 ${PYSITELIB}/torch/_inductor/runtime/runtime_utils.pyo
+${PYSITELIB}/torch/_inductor/runtime/static_cuda_launcher.py
+${PYSITELIB}/torch/_inductor/runtime/static_cuda_launcher.pyc
+${PYSITELIB}/torch/_inductor/runtime/static_cuda_launcher.pyo
+${PYSITELIB}/torch/_inductor/runtime/triton_compat.py
+${PYSITELIB}/torch/_inductor/runtime/triton_compat.pyc
+${PYSITELIB}/torch/_inductor/runtime/triton_compat.pyo
 ${PYSITELIB}/torch/_inductor/runtime/triton_helpers.py
 ${PYSITELIB}/torch/_inductor/runtime/triton_helpers.pyc
 ${PYSITELIB}/torch/_inductor/runtime/triton_helpers.pyo
@@ -10194,21 +10571,34 @@ ${PYSITELIB}/torch/_inductor/runtime/tri
 ${PYSITELIB}/torch/_inductor/scheduler.py
 ${PYSITELIB}/torch/_inductor/scheduler.pyc
 ${PYSITELIB}/torch/_inductor/scheduler.pyo
+${PYSITELIB}/torch/_inductor/script.ld
 ${PYSITELIB}/torch/_inductor/select_algorithm.py
 ${PYSITELIB}/torch/_inductor/select_algorithm.pyc
 ${PYSITELIB}/torch/_inductor/select_algorithm.pyo
 ${PYSITELIB}/torch/_inductor/sizevars.py
 ${PYSITELIB}/torch/_inductor/sizevars.pyc
 ${PYSITELIB}/torch/_inductor/sizevars.pyo
+${PYSITELIB}/torch/_inductor/standalone_compile.py
+${PYSITELIB}/torch/_inductor/standalone_compile.pyc
+${PYSITELIB}/torch/_inductor/standalone_compile.pyo
 ${PYSITELIB}/torch/_inductor/subgraph_lowering.py
 ${PYSITELIB}/torch/_inductor/subgraph_lowering.pyc
 ${PYSITELIB}/torch/_inductor/subgraph_lowering.pyo
+${PYSITELIB}/torch/_inductor/template_heuristics.py
+${PYSITELIB}/torch/_inductor/template_heuristics.pyc
+${PYSITELIB}/torch/_inductor/template_heuristics.pyo
 ${PYSITELIB}/torch/_inductor/test_case.py
 ${PYSITELIB}/torch/_inductor/test_case.pyc
 ${PYSITELIB}/torch/_inductor/test_case.pyo
 ${PYSITELIB}/torch/_inductor/test_operators.py
 ${PYSITELIB}/torch/_inductor/test_operators.pyc
 ${PYSITELIB}/torch/_inductor/test_operators.pyo
+${PYSITELIB}/torch/_inductor/tiling_utils.py
+${PYSITELIB}/torch/_inductor/tiling_utils.pyc
+${PYSITELIB}/torch/_inductor/tiling_utils.pyo
+${PYSITELIB}/torch/_inductor/triton_bundler.py
+${PYSITELIB}/torch/_inductor/triton_bundler.pyc
+${PYSITELIB}/torch/_inductor/triton_bundler.pyo
 ${PYSITELIB}/torch/_inductor/utils.py
 ${PYSITELIB}/torch/_inductor/utils.pyc
 ${PYSITELIB}/torch/_inductor/utils.pyo
@@ -10269,6 +10659,9 @@ ${PYSITELIB}/torch/_library/fake_class_r
 ${PYSITELIB}/torch/_library/fake_impl.py
 ${PYSITELIB}/torch/_library/fake_impl.pyc
 ${PYSITELIB}/torch/_library/fake_impl.pyo
+${PYSITELIB}/torch/_library/fake_profile.py
+${PYSITELIB}/torch/_library/fake_profile.pyc
+${PYSITELIB}/torch/_library/fake_profile.pyo
 ${PYSITELIB}/torch/_library/infer_schema.py
 ${PYSITELIB}/torch/_library/infer_schema.pyc
 ${PYSITELIB}/torch/_library/infer_schema.pyo
@@ -10470,6 +10863,9 @@ ${PYSITELIB}/torch/_tensor_docs.pyo
 ${PYSITELIB}/torch/_tensor_str.py
 ${PYSITELIB}/torch/_tensor_str.pyc
 ${PYSITELIB}/torch/_tensor_str.pyo
+${PYSITELIB}/torch/_thread_safe_fork.py
+${PYSITELIB}/torch/_thread_safe_fork.pyc
+${PYSITELIB}/torch/_thread_safe_fork.pyo
 ${PYSITELIB}/torch/_torch_docs.py
 ${PYSITELIB}/torch/_torch_docs.pyc
 ${PYSITELIB}/torch/_torch_docs.pyo
@@ -10497,6 +10893,12 @@ ${PYSITELIB}/torch/_vmap_internals.pyo
 ${PYSITELIB}/torch/_weights_only_unpickler.py
 ${PYSITELIB}/torch/_weights_only_unpickler.pyc
 ${PYSITELIB}/torch/_weights_only_unpickler.pyo
+${PYSITELIB}/torch/accelerator/__init__.py
+${PYSITELIB}/torch/accelerator/__init__.pyc
+${PYSITELIB}/torch/accelerator/__init__.pyo
+${PYSITELIB}/torch/accelerator/_utils.py
+${PYSITELIB}/torch/accelerator/_utils.pyc
+${PYSITELIB}/torch/accelerator/_utils.pyo
 ${PYSITELIB}/torch/amp/__init__.py
 ${PYSITELIB}/torch/amp/__init__.pyc
 ${PYSITELIB}/torch/amp/__init__.pyo
@@ -10965,6 +11367,9 @@ ${PYSITELIB}/torch/ao/quantization/obser
 ${PYSITELIB}/torch/ao/quantization/pt2e/__init__.py
 ${PYSITELIB}/torch/ao/quantization/pt2e/__init__.pyc
 ${PYSITELIB}/torch/ao/quantization/pt2e/__init__.pyo
+${PYSITELIB}/torch/ao/quantization/pt2e/_affine_quantization.py
+${PYSITELIB}/torch/ao/quantization/pt2e/_affine_quantization.pyc
+${PYSITELIB}/torch/ao/quantization/pt2e/_affine_quantization.pyo
 ${PYSITELIB}/torch/ao/quantization/pt2e/_numeric_debugger.py
 ${PYSITELIB}/torch/ao/quantization/pt2e/_numeric_debugger.pyc
 ${PYSITELIB}/torch/ao/quantization/pt2e/_numeric_debugger.pyo
@@ -10977,6 +11382,9 @@ ${PYSITELIB}/torch/ao/quantization/pt2e/
 ${PYSITELIB}/torch/ao/quantization/pt2e/graph_utils.py
 ${PYSITELIB}/torch/ao/quantization/pt2e/graph_utils.pyc
 ${PYSITELIB}/torch/ao/quantization/pt2e/graph_utils.pyo
+${PYSITELIB}/torch/ao/quantization/pt2e/lowering.py
+${PYSITELIB}/torch/ao/quantization/pt2e/lowering.pyc
+${PYSITELIB}/torch/ao/quantization/pt2e/lowering.pyo
 ${PYSITELIB}/torch/ao/quantization/pt2e/port_metadata_pass.py
 ${PYSITELIB}/torch/ao/quantization/pt2e/port_metadata_pass.pyc
 ${PYSITELIB}/torch/ao/quantization/pt2e/port_metadata_pass.pyo
@@ -11043,6 +11451,9 @@ ${PYSITELIB}/torch/ao/quantization/quant
 ${PYSITELIB}/torch/ao/quantization/quantizer/xnnpack_quantizer_utils.py
 ${PYSITELIB}/torch/ao/quantization/quantizer/xnnpack_quantizer_utils.pyc
 ${PYSITELIB}/torch/ao/quantization/quantizer/xnnpack_quantizer_utils.pyo
+${PYSITELIB}/torch/ao/quantization/quantizer/xpu_inductor_quantizer.py
+${PYSITELIB}/torch/ao/quantization/quantizer/xpu_inductor_quantizer.pyc
+${PYSITELIB}/torch/ao/quantization/quantizer/xpu_inductor_quantizer.pyo
 ${PYSITELIB}/torch/ao/quantization/stubs.py
 ${PYSITELIB}/torch/ao/quantization/stubs.pyc
 ${PYSITELIB}/torch/ao/quantization/stubs.pyo
@@ -11127,6 +11538,9 @@ ${PYSITELIB}/torch/backends/cudnn/rnn.py
 ${PYSITELIB}/torch/backends/cusparselt/__init__.py
 ${PYSITELIB}/torch/backends/cusparselt/__init__.pyc
 ${PYSITELIB}/torch/backends/cusparselt/__init__.pyo
+${PYSITELIB}/torch/backends/kleidiai/__init__.py
+${PYSITELIB}/torch/backends/kleidiai/__init__.pyc
+${PYSITELIB}/torch/backends/kleidiai/__init__.pyo
 ${PYSITELIB}/torch/backends/mha/__init__.py
 ${PYSITELIB}/torch/backends/mha/__init__.pyc
 ${PYSITELIB}/torch/backends/mha/__init__.pyo
@@ -11161,11 +11575,17 @@ ${PYSITELIB}/torch/backends/xnnpack/__in
 ${PYSITELIB}/torch/backends/xnnpack/__init__.pyc
 ${PYSITELIB}/torch/backends/xnnpack/__init__.pyo
 ${PYSITELIB}/torch/bin/protoc
-${PYSITELIB}/torch/bin/protoc-3.13.0.0
+${PYSITELIB}/torch/bin/protoc-${PYVERSSUFFIX}.0.0
 ${PYSITELIB}/torch/bin/torch_shm_manager
 ${PYSITELIB}/torch/compiler/__init__.py
 ${PYSITELIB}/torch/compiler/__init__.pyc
 ${PYSITELIB}/torch/compiler/__init__.pyo
+${PYSITELIB}/torch/compiler/_cache.py
+${PYSITELIB}/torch/compiler/_cache.pyc
+${PYSITELIB}/torch/compiler/_cache.pyo
+${PYSITELIB}/torch/compiler/config.py
+${PYSITELIB}/torch/compiler/config.pyc
+${PYSITELIB}/torch/compiler/config.pyo
 ${PYSITELIB}/torch/contrib/__init__.py
 ${PYSITELIB}/torch/contrib/__init__.pyc
 ${PYSITELIB}/torch/contrib/__init__.pyo
@@ -11193,6 +11613,9 @@ ${PYSITELIB}/torch/cuda/_gpu_trace.pyo
 ${PYSITELIB}/torch/cuda/_memory_viz.py
 ${PYSITELIB}/torch/cuda/_memory_viz.pyc
 ${PYSITELIB}/torch/cuda/_memory_viz.pyo
+${PYSITELIB}/torch/cuda/_pin_memory_utils.py
+${PYSITELIB}/torch/cuda/_pin_memory_utils.pyc
+${PYSITELIB}/torch/cuda/_pin_memory_utils.pyo
 ${PYSITELIB}/torch/cuda/_sanitizer.py
 ${PYSITELIB}/torch/cuda/_sanitizer.pyc
 ${PYSITELIB}/torch/cuda/_sanitizer.pyo
@@ -11268,33 +11691,9 @@ ${PYSITELIB}/torch/distributed/_composab
 ${PYSITELIB}/torch/distributed/_composable/fsdp/__init__.py
 ${PYSITELIB}/torch/distributed/_composable/fsdp/__init__.pyc
 ${PYSITELIB}/torch/distributed/_composable/fsdp/__init__.pyo
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_api.py
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_api.pyc
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_api.pyo
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_collectives.py
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_collectives.pyc
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_collectives.pyo
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_common.py
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_common.pyc
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_common.pyo
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_init.py
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_init.pyc
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_init.pyo
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_param.py
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_param.pyc
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_param.pyo
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_param_group.py
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_param_group.pyc
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_param_group.pyo
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_state.py
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_state.pyc
-${PYSITELIB}/torch/distributed/_composable/fsdp/_fsdp_state.pyo
 ${PYSITELIB}/torch/distributed/_composable/fsdp/fully_shard.py
 ${PYSITELIB}/torch/distributed/_composable/fsdp/fully_shard.pyc
 ${PYSITELIB}/torch/distributed/_composable/fsdp/fully_shard.pyo
-${PYSITELIB}/torch/distributed/_composable/fully_shard.py
-${PYSITELIB}/torch/distributed/_composable/fully_shard.pyc
-${PYSITELIB}/torch/distributed/_composable/fully_shard.pyo
 ${PYSITELIB}/torch/distributed/_composable/replicate.py
 ${PYSITELIB}/torch/distributed/_composable/replicate.pyc
 ${PYSITELIB}/torch/distributed/_composable/replicate.pyo
@@ -11307,6 +11706,9 @@ ${PYSITELIB}/torch/distributed/_function
 ${PYSITELIB}/torch/distributed/_functional_collectives_impl.py
 ${PYSITELIB}/torch/distributed/_functional_collectives_impl.pyc
 ${PYSITELIB}/torch/distributed/_functional_collectives_impl.pyo
+${PYSITELIB}/torch/distributed/_serialization.py
+${PYSITELIB}/torch/distributed/_serialization.pyc
+${PYSITELIB}/torch/distributed/_serialization.pyo
 ${PYSITELIB}/torch/distributed/_shard/__init__.py
 ${PYSITELIB}/torch/distributed/_shard/__init__.pyc
 ${PYSITELIB}/torch/distributed/_shard/__init__.pyo
@@ -11421,6 +11823,9 @@ ${PYSITELIB}/torch/distributed/_state_di
 ${PYSITELIB}/torch/distributed/_symmetric_memory/__init__.py
 ${PYSITELIB}/torch/distributed/_symmetric_memory/__init__.pyc
 ${PYSITELIB}/torch/distributed/_symmetric_memory/__init__.pyo
+${PYSITELIB}/torch/distributed/_symmetric_memory/_nvshmem_triton.py
+${PYSITELIB}/torch/distributed/_symmetric_memory/_nvshmem_triton.pyc
+${PYSITELIB}/torch/distributed/_symmetric_memory/_nvshmem_triton.pyo
 ${PYSITELIB}/torch/distributed/_tensor/__init__.py
 ${PYSITELIB}/torch/distributed/_tensor/__init__.pyc
 ${PYSITELIB}/torch/distributed/_tensor/__init__.pyo
@@ -11433,9 +11838,18 @@ ${PYSITELIB}/torch/distributed/_tensor/p
 ${PYSITELIB}/torch/distributed/_tools/__init__.py
 ${PYSITELIB}/torch/distributed/_tools/__init__.pyc
 ${PYSITELIB}/torch/distributed/_tools/__init__.pyo
+${PYSITELIB}/torch/distributed/_tools/common_utils.py
+${PYSITELIB}/torch/distributed/_tools/common_utils.pyc
+${PYSITELIB}/torch/distributed/_tools/common_utils.pyo
+${PYSITELIB}/torch/distributed/_tools/fake_collectives.py
+${PYSITELIB}/torch/distributed/_tools/fake_collectives.pyc
+${PYSITELIB}/torch/distributed/_tools/fake_collectives.pyo
 ${PYSITELIB}/torch/distributed/_tools/fsdp2_mem_tracker.py
 ${PYSITELIB}/torch/distributed/_tools/fsdp2_mem_tracker.pyc
 ${PYSITELIB}/torch/distributed/_tools/fsdp2_mem_tracker.pyo
+${PYSITELIB}/torch/distributed/_tools/ilp_utils.py
+${PYSITELIB}/torch/distributed/_tools/ilp_utils.pyc
+${PYSITELIB}/torch/distributed/_tools/ilp_utils.pyo
 ${PYSITELIB}/torch/distributed/_tools/mem_tracker.py
 ${PYSITELIB}/torch/distributed/_tools/mem_tracker.pyc
 ${PYSITELIB}/torch/distributed/_tools/mem_tracker.pyo
@@ -11448,6 +11862,12 @@ ${PYSITELIB}/torch/distributed/_tools/mo
 ${PYSITELIB}/torch/distributed/_tools/runtime_estimator.py
 ${PYSITELIB}/torch/distributed/_tools/runtime_estimator.pyc
 ${PYSITELIB}/torch/distributed/_tools/runtime_estimator.pyo
+${PYSITELIB}/torch/distributed/_tools/sac_estimator.py
+${PYSITELIB}/torch/distributed/_tools/sac_estimator.pyc
+${PYSITELIB}/torch/distributed/_tools/sac_estimator.pyo
+${PYSITELIB}/torch/distributed/_tools/sac_ilp.py
+${PYSITELIB}/torch/distributed/_tools/sac_ilp.pyc
+${PYSITELIB}/torch/distributed/_tools/sac_ilp.pyo
 ${PYSITELIB}/torch/distributed/algorithms/__init__.py
 ${PYSITELIB}/torch/distributed/algorithms/__init__.pyc
 ${PYSITELIB}/torch/distributed/algorithms/__init__.pyo
@@ -11529,6 +11949,15 @@ ${PYSITELIB}/torch/distributed/c10d_logg
 ${PYSITELIB}/torch/distributed/checkpoint/__init__.py
 ${PYSITELIB}/torch/distributed/checkpoint/__init__.pyc
 ${PYSITELIB}/torch/distributed/checkpoint/__init__.pyo
+${PYSITELIB}/torch/distributed/checkpoint/_async_executor.py
+${PYSITELIB}/torch/distributed/checkpoint/_async_executor.pyc
+${PYSITELIB}/torch/distributed/checkpoint/_async_executor.pyo
+${PYSITELIB}/torch/distributed/checkpoint/_async_process_executor.py
+${PYSITELIB}/torch/distributed/checkpoint/_async_process_executor.pyc
+${PYSITELIB}/torch/distributed/checkpoint/_async_process_executor.pyo
+${PYSITELIB}/torch/distributed/checkpoint/_async_thread_executor.py
+${PYSITELIB}/torch/distributed/checkpoint/_async_thread_executor.pyc
+${PYSITELIB}/torch/distributed/checkpoint/_async_thread_executor.pyo
 ${PYSITELIB}/torch/distributed/checkpoint/_checkpointer.py
 ${PYSITELIB}/torch/distributed/checkpoint/_checkpointer.pyc
 ${PYSITELIB}/torch/distributed/checkpoint/_checkpointer.pyo
@@ -11538,15 +11967,24 @@ ${PYSITELIB}/torch/distributed/checkpoin
 ${PYSITELIB}/torch/distributed/checkpoint/_dedup_tensors.py
 ${PYSITELIB}/torch/distributed/checkpoint/_dedup_tensors.pyc
 ${PYSITELIB}/torch/distributed/checkpoint/_dedup_tensors.pyo
+${PYSITELIB}/torch/distributed/checkpoint/_extension.py
+${PYSITELIB}/torch/distributed/checkpoint/_extension.pyc
+${PYSITELIB}/torch/distributed/checkpoint/_extension.pyo
 ${PYSITELIB}/torch/distributed/checkpoint/_fsspec_filesystem.py
 ${PYSITELIB}/torch/distributed/checkpoint/_fsspec_filesystem.pyc
 ${PYSITELIB}/torch/distributed/checkpoint/_fsspec_filesystem.pyo
+${PYSITELIB}/torch/distributed/checkpoint/_hf_utils.py
+${PYSITELIB}/torch/distributed/checkpoint/_hf_utils.pyc
+${PYSITELIB}/torch/distributed/checkpoint/_hf_utils.pyo
 ${PYSITELIB}/torch/distributed/checkpoint/_nested_dict.py
 ${PYSITELIB}/torch/distributed/checkpoint/_nested_dict.pyc
 ${PYSITELIB}/torch/distributed/checkpoint/_nested_dict.pyo
 ${PYSITELIB}/torch/distributed/checkpoint/_sharded_tensor_utils.py
 ${PYSITELIB}/torch/distributed/checkpoint/_sharded_tensor_utils.pyc
 ${PYSITELIB}/torch/distributed/checkpoint/_sharded_tensor_utils.pyo
+${PYSITELIB}/torch/distributed/checkpoint/_state_dict_stager.py
+${PYSITELIB}/torch/distributed/checkpoint/_state_dict_stager.pyc
+${PYSITELIB}/torch/distributed/checkpoint/_state_dict_stager.pyo
 ${PYSITELIB}/torch/distributed/checkpoint/_storage_utils.py
 ${PYSITELIB}/torch/distributed/checkpoint/_storage_utils.pyc
 ${PYSITELIB}/torch/distributed/checkpoint/_storage_utils.pyo
@@ -11568,6 +12006,9 @@ ${PYSITELIB}/torch/distributed/checkpoin
 ${PYSITELIB}/torch/distributed/checkpoint/format_utils.py
 ${PYSITELIB}/torch/distributed/checkpoint/format_utils.pyc
 ${PYSITELIB}/torch/distributed/checkpoint/format_utils.pyo
+${PYSITELIB}/torch/distributed/checkpoint/hf_storage.py
+${PYSITELIB}/torch/distributed/checkpoint/hf_storage.pyc
+${PYSITELIB}/torch/distributed/checkpoint/hf_storage.pyo
 ${PYSITELIB}/torch/distributed/checkpoint/logger.py
 ${PYSITELIB}/torch/distributed/checkpoint/logger.pyc
 ${PYSITELIB}/torch/distributed/checkpoint/logger.pyo
@@ -11691,6 +12132,9 @@ ${PYSITELIB}/torch/distributed/elastic/m
 ${PYSITELIB}/torch/distributed/elastic/rendezvous/__init__.py
 ${PYSITELIB}/torch/distributed/elastic/rendezvous/__init__.pyc
 ${PYSITELIB}/torch/distributed/elastic/rendezvous/__init__.pyo
+${PYSITELIB}/torch/distributed/elastic/rendezvous/_etcd_stub.py
+${PYSITELIB}/torch/distributed/elastic/rendezvous/_etcd_stub.pyc
+${PYSITELIB}/torch/distributed/elastic/rendezvous/_etcd_stub.pyo
 ${PYSITELIB}/torch/distributed/elastic/rendezvous/api.py
 ${PYSITELIB}/torch/distributed/elastic/rendezvous/api.pyc
 ${PYSITELIB}/torch/distributed/elastic/rendezvous/api.pyo
@@ -11784,6 +12228,33 @@ ${PYSITELIB}/torch/distributed/fsdp/_fla
 ${PYSITELIB}/torch/distributed/fsdp/_fsdp_extensions.py
 ${PYSITELIB}/torch/distributed/fsdp/_fsdp_extensions.pyc
 ${PYSITELIB}/torch/distributed/fsdp/_fsdp_extensions.pyo
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/__init__.py
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/__init__.pyc
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/__init__.pyo
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_api.py
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_api.pyc
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_api.pyo
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_collectives.py
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_collectives.pyc
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_collectives.pyo
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_common.py
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_common.pyc
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_common.pyo
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_init.py
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_init.pyc
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_init.pyo
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_param.py
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_param.pyc
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_param.pyo
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_param_group.py
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_param_group.pyc
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_param_group.pyo
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_state.py
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_state.pyc
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fsdp_state.pyo
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fully_shard.py
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fully_shard.pyc
+${PYSITELIB}/torch/distributed/fsdp/_fully_shard/_fully_shard.pyo
 ${PYSITELIB}/torch/distributed/fsdp/_init_utils.py
 ${PYSITELIB}/torch/distributed/fsdp/_init_utils.pyc
 ${PYSITELIB}/torch/distributed/fsdp/_init_utils.pyo
@@ -11865,6 +12336,9 @@ ${PYSITELIB}/torch/distributed/nn/jit/te
 ${PYSITELIB}/torch/distributed/optim/__init__.py
 ${PYSITELIB}/torch/distributed/optim/__init__.pyc
 ${PYSITELIB}/torch/distributed/optim/__init__.pyo
+${PYSITELIB}/torch/distributed/optim/_deprecation_warning.py
+${PYSITELIB}/torch/distributed/optim/_deprecation_warning.pyc
+${PYSITELIB}/torch/distributed/optim/_deprecation_warning.pyo
 ${PYSITELIB}/torch/distributed/optim/apply_optimizer_in_backward.py
 ${PYSITELIB}/torch/distributed/optim/apply_optimizer_in_backward.pyc
 ${PYSITELIB}/torch/distributed/optim/apply_optimizer_in_backward.pyo
@@ -11920,6 +12394,9 @@ ${PYSITELIB}/torch/distributed/pipelinin
 ${PYSITELIB}/torch/distributed/pipelining/_debug.py
 ${PYSITELIB}/torch/distributed/pipelining/_debug.pyc
 ${PYSITELIB}/torch/distributed/pipelining/_debug.pyo
+${PYSITELIB}/torch/distributed/pipelining/_schedule_visualizer.py
+${PYSITELIB}/torch/distributed/pipelining/_schedule_visualizer.pyc
+${PYSITELIB}/torch/distributed/pipelining/_schedule_visualizer.pyo
 ${PYSITELIB}/torch/distributed/pipelining/_unflatten.py
 ${PYSITELIB}/torch/distributed/pipelining/_unflatten.pyc
 ${PYSITELIB}/torch/distributed/pipelining/_unflatten.pyo
@@ -12013,9 +12490,6 @@ ${PYSITELIB}/torch/distributed/tensor/_o
 ${PYSITELIB}/torch/distributed/tensor/_ops/_embedding_ops.py
 ${PYSITELIB}/torch/distributed/tensor/_ops/_embedding_ops.pyc
 ${PYSITELIB}/torch/distributed/tensor/_ops/_embedding_ops.pyo
-${PYSITELIB}/torch/distributed/tensor/_ops/_experimental_ops.py
-${PYSITELIB}/torch/distributed/tensor/_ops/_experimental_ops.pyc
-${PYSITELIB}/torch/distributed/tensor/_ops/_experimental_ops.pyo
 ${PYSITELIB}/torch/distributed/tensor/_ops/_math_ops.py
 ${PYSITELIB}/torch/distributed/tensor/_ops/_math_ops.pyc
 ${PYSITELIB}/torch/distributed/tensor/_ops/_math_ops.pyo
@@ -12166,6 +12640,9 @@ ${PYSITELIB}/torch/distributions/fishers
 ${PYSITELIB}/torch/distributions/gamma.py
 ${PYSITELIB}/torch/distributions/gamma.pyc
 ${PYSITELIB}/torch/distributions/gamma.pyo
+${PYSITELIB}/torch/distributions/generalized_pareto.py
+${PYSITELIB}/torch/distributions/generalized_pareto.pyc
+${PYSITELIB}/torch/distributions/generalized_pareto.pyo
 ${PYSITELIB}/torch/distributions/geometric.py
 ${PYSITELIB}/torch/distributions/geometric.pyc
 ${PYSITELIB}/torch/distributions/geometric.pyo
@@ -12262,6 +12739,9 @@ ${PYSITELIB}/torch/distributions/wishart
 ${PYSITELIB}/torch/export/__init__.py
 ${PYSITELIB}/torch/export/__init__.pyc
 ${PYSITELIB}/torch/export/__init__.pyo
+${PYSITELIB}/torch/export/_draft_export.py
+${PYSITELIB}/torch/export/_draft_export.pyc
+${PYSITELIB}/torch/export/_draft_export.pyo
 ${PYSITELIB}/torch/export/_remove_auto_functionalized_pass.py
 ${PYSITELIB}/torch/export/_remove_auto_functionalized_pass.pyc
 ${PYSITELIB}/torch/export/_remove_auto_functionalized_pass.pyo
@@ -12271,6 +12751,9 @@ ${PYSITELIB}/torch/export/_remove_effect
 ${PYSITELIB}/torch/export/_safeguard.py
 ${PYSITELIB}/torch/export/_safeguard.pyc
 ${PYSITELIB}/torch/export/_safeguard.pyo
+${PYSITELIB}/torch/export/_swap.py
+${PYSITELIB}/torch/export/_swap.pyc
+${PYSITELIB}/torch/export/_swap.pyo
 ${PYSITELIB}/torch/export/_trace.py
 ${PYSITELIB}/torch/export/_trace.pyc
 ${PYSITELIB}/torch/export/_trace.pyo
@@ -12280,9 +12763,18 @@ ${PYSITELIB}/torch/export/_tree_utils.py
 ${PYSITELIB}/torch/export/_unlift.py
 ${PYSITELIB}/torch/export/_unlift.pyc
 ${PYSITELIB}/torch/export/_unlift.pyo
+${PYSITELIB}/torch/export/_wrapper_utils.py
+${PYSITELIB}/torch/export/_wrapper_utils.pyc
+${PYSITELIB}/torch/export/_wrapper_utils.pyo
 ${PYSITELIB}/torch/export/custom_obj.py
 ${PYSITELIB}/torch/export/custom_obj.pyc
 ${PYSITELIB}/torch/export/custom_obj.pyo
+${PYSITELIB}/torch/export/custom_ops.py
+${PYSITELIB}/torch/export/custom_ops.pyc
+${PYSITELIB}/torch/export/custom_ops.pyo
+${PYSITELIB}/torch/export/decomp_utils.py
+${PYSITELIB}/torch/export/decomp_utils.pyc
+${PYSITELIB}/torch/export/decomp_utils.pyo
 ${PYSITELIB}/torch/export/dynamic_shapes.py
 ${PYSITELIB}/torch/export/dynamic_shapes.pyc
 ${PYSITELIB}/torch/export/dynamic_shapes.pyo
@@ -12298,6 +12790,18 @@ ${PYSITELIB}/torch/export/graph_signatur
 ${PYSITELIB}/torch/export/passes/__init__.py
 ${PYSITELIB}/torch/export/passes/__init__.pyc
 ${PYSITELIB}/torch/export/passes/__init__.pyo
+${PYSITELIB}/torch/export/pt2_archive/__init__.py
+${PYSITELIB}/torch/export/pt2_archive/__init__.pyc
+${PYSITELIB}/torch/export/pt2_archive/__init__.pyo
+${PYSITELIB}/torch/export/pt2_archive/_package.py
+${PYSITELIB}/torch/export/pt2_archive/_package.pyc
+${PYSITELIB}/torch/export/pt2_archive/_package.pyo
+${PYSITELIB}/torch/export/pt2_archive/_package_weights.py
+${PYSITELIB}/torch/export/pt2_archive/_package_weights.pyc
+${PYSITELIB}/torch/export/pt2_archive/_package_weights.pyo
+${PYSITELIB}/torch/export/pt2_archive/constants.py
+${PYSITELIB}/torch/export/pt2_archive/constants.pyc
+${PYSITELIB}/torch/export/pt2_archive/constants.pyo
 ${PYSITELIB}/torch/export/unflatten.py
 ${PYSITELIB}/torch/export/unflatten.pyc
 ${PYSITELIB}/torch/export/unflatten.pyo
@@ -12315,11 +12819,13 @@ ${PYSITELIB}/torch/futures/__init__.pyc
 ${PYSITELIB}/torch/futures/__init__.pyo
 ${PYSITELIB}/torch/fx/__init__.py
 ${PYSITELIB}/torch/fx/__init__.pyc
-${PYSITELIB}/torch/fx/__init__.pyi
 ${PYSITELIB}/torch/fx/__init__.pyo
 ${PYSITELIB}/torch/fx/_compatibility.py
 ${PYSITELIB}/torch/fx/_compatibility.pyc
 ${PYSITELIB}/torch/fx/_compatibility.pyo
+${PYSITELIB}/torch/fx/_graph_pickler.py
+${PYSITELIB}/torch/fx/_graph_pickler.pyc
+${PYSITELIB}/torch/fx/_graph_pickler.pyo
 ${PYSITELIB}/torch/fx/_lazy_graph_module.py
 ${PYSITELIB}/torch/fx/_lazy_graph_module.pyc
 ${PYSITELIB}/torch/fx/_lazy_graph_module.pyo
@@ -12347,6 +12853,12 @@ ${PYSITELIB}/torch/fx/experimental/_back
 ${PYSITELIB}/torch/fx/experimental/_config.py
 ${PYSITELIB}/torch/fx/experimental/_config.pyc
 ${PYSITELIB}/torch/fx/experimental/_config.pyo
+${PYSITELIB}/torch/fx/experimental/_constant_symnode.py
+${PYSITELIB}/torch/fx/experimental/_constant_symnode.pyc
+${PYSITELIB}/torch/fx/experimental/_constant_symnode.pyo
+${PYSITELIB}/torch/fx/experimental/_dynamism.py
+${PYSITELIB}/torch/fx/experimental/_dynamism.pyc
+${PYSITELIB}/torch/fx/experimental/_dynamism.pyo
 ${PYSITELIB}/torch/fx/experimental/accelerator_partitioner.py
 ${PYSITELIB}/torch/fx/experimental/accelerator_partitioner.pyc
 ${PYSITELIB}/torch/fx/experimental/accelerator_partitioner.pyo
@@ -12488,6 +13000,9 @@ ${PYSITELIB}/torch/fx/operator_schemas.p
 ${PYSITELIB}/torch/fx/passes/__init__.py
 ${PYSITELIB}/torch/fx/passes/__init__.pyc
 ${PYSITELIB}/torch/fx/passes/__init__.pyo
+${PYSITELIB}/torch/fx/passes/_tensorify_python_scalars.py
+${PYSITELIB}/torch/fx/passes/_tensorify_python_scalars.pyc
+${PYSITELIB}/torch/fx/passes/_tensorify_python_scalars.pyo
 ${PYSITELIB}/torch/fx/passes/annotate_getitem_nodes.py
 ${PYSITELIB}/torch/fx/passes/annotate_getitem_nodes.pyc
 ${PYSITELIB}/torch/fx/passes/annotate_getitem_nodes.pyo
@@ -12676,8 +13191,10 @@ ${PYSITELIB}/torch/include/ATen/Parallel
 ${PYSITELIB}/torch/include/ATen/ParallelNative.h
 ${PYSITELIB}/torch/include/ATen/ParallelOpenMP.h
 ${PYSITELIB}/torch/include/ATen/PythonTorchFunctionTLS.h
+${PYSITELIB}/torch/include/ATen/ROCmFABackend.h
 ${PYSITELIB}/torch/include/ATen/RedispatchFunctions.h
 ${PYSITELIB}/torch/include/ATen/RegistrationDeclarations.h
+${PYSITELIB}/torch/include/ATen/SDPBackend.h
 ${PYSITELIB}/torch/include/ATen/SavedTensorHooks.h
 ${PYSITELIB}/torch/include/ATen/Scalar.h
 ${PYSITELIB}/torch/include/ATen/ScalarOps.h
@@ -12815,18 +13332,31 @@ ${PYSITELIB}/torch/include/ATen/cpu/vec/
 ${PYSITELIB}/torch/include/ATen/cpu/vec/functional_base.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/functional_bfloat16.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/intrinsics.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/sve/sve_helper.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/sve/vec_bfloat16.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/sve/vec_common_sve.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/sve/vec_double.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/sve/vec_float.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/sve/vec_int.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/sve/vec_qint.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/vec128/vec128.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/vec128/vec128_bfloat16_neon.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/vec128/vec128_convert.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/vec128/vec128_float_neon.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/vec128/vec128_half_neon.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/vec128/vec128_reduced_precision_common_neon.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/missing_vld1_neon.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/missing_vst1_neon.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256_16bit_float.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256_bfloat16.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256_complex_double.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256_complex_float.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256_convert.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256_double.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256_float.h
-${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256_float_neon.h
-${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256_half_neon.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256_half.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256_int.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256_mask.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec256/vec256_qint.h
@@ -12851,6 +13381,7 @@ ${PYSITELIB}/torch/include/ATen/cpu/vec/
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec512/vec512_convert.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec512/vec512_double.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec512/vec512_float.h
+${PYSITELIB}/torch/include/ATen/cpu/vec/vec512/vec512_float8.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec512/vec512_int.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec512/vec512_mask.h
 ${PYSITELIB}/torch/include/ATen/cpu/vec/vec512/vec512_qint.h
@@ -12891,6 +13422,7 @@ ${PYSITELIB}/torch/include/ATen/cuda/Pin
 ${PYSITELIB}/torch/include/ATen/cuda/ScanUtils.cuh
 ${PYSITELIB}/torch/include/ATen/cuda/Sleep.h
 ${PYSITELIB}/torch/include/ATen/cuda/ThrustAllocator.h
+${PYSITELIB}/torch/include/ATen/cuda/cub-RadixSortPairs.cuh
 ${PYSITELIB}/torch/include/ATen/cuda/cub.cuh
 ${PYSITELIB}/torch/include/ATen/cuda/cub.h
 ${PYSITELIB}/torch/include/ATen/cuda/cub_definitions.cuh
@@ -12915,7 +13447,6 @@ ${PYSITELIB}/torch/include/ATen/cuda/tun
 ${PYSITELIB}/torch/include/ATen/cuda/tunable/TunableGemm.h
 ${PYSITELIB}/torch/include/ATen/cuda/tunable/TunableOp.h
 ${PYSITELIB}/torch/include/ATen/cudnn/Descriptors.h
-${PYSITELIB}/torch/include/ATen/cudnn/Exceptions.h
 ${PYSITELIB}/torch/include/ATen/cudnn/Handle.h
 ${PYSITELIB}/torch/include/ATen/cudnn/Handles.h
 ${PYSITELIB}/torch/include/ATen/cudnn/Types.h
@@ -12925,6 +13456,7 @@ ${PYSITELIB}/torch/include/ATen/detail/A
 ${PYSITELIB}/torch/include/ATen/detail/CUDAHooksInterface.h
 ${PYSITELIB}/torch/include/ATen/detail/FunctionTraits.h
 ${PYSITELIB}/torch/include/ATen/detail/HIPHooksInterface.h
+${PYSITELIB}/torch/include/ATen/detail/HPUHooksInterface.h
 ${PYSITELIB}/torch/include/ATen/detail/IPUHooksInterface.h
 ${PYSITELIB}/torch/include/ATen/detail/MAIAHooksInterface.h
 ${PYSITELIB}/torch/include/ATen/detail/MPSHooksInterface.h
@@ -12952,6 +13484,7 @@ ${PYSITELIB}/torch/include/ATen/hip/impl
 ${PYSITELIB}/torch/include/ATen/hip/impl/HIPStreamMasqueradingAsCUDA.h
 ${PYSITELIB}/torch/include/ATen/jit_macros.h
 ${PYSITELIB}/torch/include/ATen/jiterator_macros.h
+${PYSITELIB}/torch/include/ATen/metal/Context.h
 ${PYSITELIB}/torch/include/ATen/miopen/Descriptors.h
 ${PYSITELIB}/torch/include/ATen/miopen/Exceptions.h
 ${PYSITELIB}/torch/include/ATen/miopen/Handle.h
@@ -12998,6 +13531,7 @@ ${PYSITELIB}/torch/include/ATen/native/F
 ${PYSITELIB}/torch/include/ATen/native/FusedAdagrad.h
 ${PYSITELIB}/torch/include/ATen/native/FusedAdam.h
 ${PYSITELIB}/torch/include/ATen/native/FusedSGD.h
+${PYSITELIB}/torch/include/ATen/native/Gelu.h
 ${PYSITELIB}/torch/include/ATen/native/GridSampler.h
 ${PYSITELIB}/torch/include/ATen/native/GridSamplerUtils.h
 ${PYSITELIB}/torch/include/ATen/native/Histogram.h
@@ -13021,6 +13555,7 @@ ${PYSITELIB}/torch/include/ATen/native/P
 ${PYSITELIB}/torch/include/ATen/native/Pow.h
 ${PYSITELIB}/torch/include/ATen/native/RNN.h
 ${PYSITELIB}/torch/include/ATen/native/RangeFactories.h
+${PYSITELIB}/torch/include/ATen/native/RangeUtils.h
 ${PYSITELIB}/torch/include/ATen/native/ReduceAllOps.h
 ${PYSITELIB}/torch/include/ATen/native/ReduceOps.h
 ${PYSITELIB}/torch/include/ATen/native/ReduceOpsUtils.h
@@ -13057,6 +13592,9 @@ ${PYSITELIB}/torch/include/ATen/native/U
 ${PYSITELIB}/torch/include/ATen/native/Unfold3d.h
 ${PYSITELIB}/torch/include/ATen/native/UnfoldBackward.h
 ${PYSITELIB}/torch/include/ATen/native/UpSample.h
+${PYSITELIB}/torch/include/ATen/native/ao_sparse/quantized/cpu/fbgemm_utils.h
+${PYSITELIB}/torch/include/ATen/native/ao_sparse/quantized/cpu/packed_params.h
+${PYSITELIB}/torch/include/ATen/native/ao_sparse/quantized/cpu/qnnpack_utils.h
 ${PYSITELIB}/torch/include/ATen/native/batch_norm.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/AtomicAddFloat.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/CatKernel.h
@@ -13064,16 +13602,20 @@ ${PYSITELIB}/torch/include/ATen/native/c
 ${PYSITELIB}/torch/include/ATen/native/cpu/CopyKernel.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/DepthwiseConvKernel.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/DistributionTemplates.h
+${PYSITELIB}/torch/include/ATen/native/cpu/Elu.h
+${PYSITELIB}/torch/include/ATen/native/cpu/Gelu.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/GridSamplerKernel.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/IndexKernelUtils.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/Intrinsics.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/IsContiguous.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/LogAddExp.h
+${PYSITELIB}/torch/include/ATen/native/cpu/LogSoftmaxKernelImpl.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/Loops.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/MaxUnpoolKernel.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/PixelShuffleKernel.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/Reduce.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/ReduceUtils.h
+${PYSITELIB}/torch/include/ATen/native/cpu/ReducedPrecisionFloatGemvFastPathKernel.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/SampledAddmmKernel.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/SerialStackImpl.h
 ${PYSITELIB}/torch/include/ATen/native/cpu/SoftmaxKernel.h
@@ -13103,7 +13645,10 @@ ${PYSITELIB}/torch/include/ATen/native/c
 ${PYSITELIB}/torch/include/ATen/native/cuda/ForeachMinMaxFunctors.cuh
 ${PYSITELIB}/torch/include/ATen/native/cuda/GridSampler.cuh
 ${PYSITELIB}/torch/include/ATen/native/cuda/GridSampler.h
+${PYSITELIB}/torch/include/ATen/native/cuda/GroupMM.h
+${PYSITELIB}/torch/include/ATen/native/cuda/GroupMMCommon.cuh
 ${PYSITELIB}/torch/include/ATen/native/cuda/IndexKernel.h
+${PYSITELIB}/torch/include/ATen/native/cuda/IndexKernelUtils.h
 ${PYSITELIB}/torch/include/ATen/native/cuda/JitLoops.cuh
 ${PYSITELIB}/torch/include/ATen/native/cuda/KernelUtils.cuh
 ${PYSITELIB}/torch/include/ATen/native/cuda/LaunchUtils.h
@@ -13120,6 +13665,7 @@ ${PYSITELIB}/torch/include/ATen/native/c
 ${PYSITELIB}/torch/include/ATen/native/cuda/ReduceOps.h
 ${PYSITELIB}/torch/include/ATen/native/cuda/Resize.h
 ${PYSITELIB}/torch/include/ATen/native/cuda/RowwiseScaledMM.h
+${PYSITELIB}/torch/include/ATen/native/cuda/ScaledGroupMM.h
 ${PYSITELIB}/torch/include/ATen/native/cuda/ScanKernels.h
 ${PYSITELIB}/torch/include/ATen/native/cuda/ScanUtils.cuh
 ${PYSITELIB}/torch/include/ATen/native/cuda/Sort.h
@@ -13134,6 +13680,7 @@ ${PYSITELIB}/torch/include/ATen/native/c
 ${PYSITELIB}/torch/include/ATen/native/cuda/UniqueCub.cuh
 ${PYSITELIB}/torch/include/ATen/native/cuda/UpSample.cuh
 ${PYSITELIB}/torch/include/ATen/native/cuda/block_reduce.cuh
+${PYSITELIB}/torch/include/ATen/native/cuda/cutlass_common.cuh
 ${PYSITELIB}/torch/include/ATen/native/cuda/fused_adam_amsgrad_impl.cuh
 ${PYSITELIB}/torch/include/ATen/native/cuda/fused_adam_impl.cuh
 ${PYSITELIB}/torch/include/ATen/native/cuda/fused_adam_utils.cuh
@@ -13145,16 +13692,42 @@ ${PYSITELIB}/torch/include/ATen/native/c
 ${PYSITELIB}/torch/include/ATen/native/cuda/thread_constants.h
 ${PYSITELIB}/torch/include/ATen/native/cuda/vol2col.cuh
 ${PYSITELIB}/torch/include/ATen/native/group_norm.h
+${PYSITELIB}/torch/include/ATen/native/hip/bgemm_kernels/bgemm_kernel_collection.h
+${PYSITELIB}/torch/include/ATen/native/hip/bgemm_kernels/bgemm_kernel_template.h
+${PYSITELIB}/torch/include/ATen/native/hip/ck_bgemm.h
+${PYSITELIB}/torch/include/ATen/native/hip/ck_gemm.h
+${PYSITELIB}/torch/include/ATen/native/hip/ck_gemm_template.h
+${PYSITELIB}/torch/include/ATen/native/hip/ck_types.h
 ${PYSITELIB}/torch/include/ATen/native/im2col.h
 ${PYSITELIB}/torch/include/ATen/native/im2col_shape_check.h
+${PYSITELIB}/torch/include/ATen/native/kleidiai/kai_kernels.h
+${PYSITELIB}/torch/include/ATen/native/kleidiai/kai_pack.h
+${PYSITELIB}/torch/include/ATen/native/kleidiai/kai_ukernel_interface.h
 ${PYSITELIB}/torch/include/ATen/native/layer_norm.h
+${PYSITELIB}/torch/include/ATen/native/mkldnn/xpu/Conv.h
+${PYSITELIB}/torch/include/ATen/native/mkldnn/xpu/FusionUtils.h
+${PYSITELIB}/torch/include/ATen/native/mkldnn/xpu/detail/Attr.h
+${PYSITELIB}/torch/include/ATen/native/mkldnn/xpu/detail/DnnlExt.h
+${PYSITELIB}/torch/include/ATen/native/mkldnn/xpu/detail/LRUCache.h
+${PYSITELIB}/torch/include/ATen/native/mkldnn/xpu/detail/Utils.h
+${PYSITELIB}/torch/include/ATen/native/mkldnn/xpu/detail/oneDNN.h
+${PYSITELIB}/torch/include/ATen/native/mkldnn/xpu/detail/oneDNNContext.h
 ${PYSITELIB}/torch/include/ATen/native/mps/Copy.h
 ${PYSITELIB}/torch/include/ATen/native/mps/MPSGraphSequoiaOps.h
 ${PYSITELIB}/torch/include/ATen/native/mps/MPSGraphSonomaOps.h
 ${PYSITELIB}/torch/include/ATen/native/mps/MPSGraphVenturaOps.h
+${PYSITELIB}/torch/include/ATen/native/mps/MetalShaderLibrary.h
 ${PYSITELIB}/torch/include/ATen/native/mps/OperationUtils.h
 ${PYSITELIB}/torch/include/ATen/native/mps/TensorFactory.h
-${PYSITELIB}/torch/include/ATen/native/mps/UnaryConstants.h
+${PYSITELIB}/torch/include/ATen/native/mps/kernels/UpSample.h
+${PYSITELIB}/torch/include/ATen/native/mps/operations/BinaryKernel.h
+${PYSITELIB}/torch/include/ATen/native/mps/operations/FusedAdamAmsgradKernelImpl.h
+${PYSITELIB}/torch/include/ATen/native/mps/operations/FusedAdamKernelImpl.h
+${PYSITELIB}/torch/include/ATen/native/mps/operations/FusedAdamWAmsgradKernelImpl.h
+${PYSITELIB}/torch/include/ATen/native/mps/operations/FusedAdamWKernelImpl.h
+${PYSITELIB}/torch/include/ATen/native/mps/operations/Indexing.h
+${PYSITELIB}/torch/include/ATen/native/mps/operations/MultiTensorApply.h
+${PYSITELIB}/torch/include/ATen/native/mtia/EmptyTensor.h
 ${PYSITELIB}/torch/include/ATen/native/nested/NestedTensorBinaryOps.h
 ${PYSITELIB}/torch/include/ATen/native/nested/NestedTensorMath.h
 ${PYSITELIB}/torch/include/ATen/native/nested/NestedTensorTransformerFunctions.h
@@ -13167,6 +13740,7 @@ ${PYSITELIB}/torch/include/ATen/native/q
 ${PYSITELIB}/torch/include/ATen/native/quantized/FakeQuantAffine.h
 ${PYSITELIB}/torch/include/ATen/native/quantized/IndexKernel.h
 ${PYSITELIB}/torch/include/ATen/native/quantized/PackedParams.h
+${PYSITELIB}/torch/include/ATen/native/quantized/cpu/ACLUtils.h
 ${PYSITELIB}/torch/include/ATen/native/quantized/cpu/BinaryOps.h
 ${PYSITELIB}/torch/include/ATen/native/quantized/cpu/EmbeddingPackedParams.h
 ${PYSITELIB}/torch/include/ATen/native/quantized/cpu/OnednnUtils.h
@@ -13178,9 +13752,45 @@ ${PYSITELIB}/torch/include/ATen/native/q
 ${PYSITELIB}/torch/include/ATen/native/quantized/cpu/conv_serialization.h
 ${PYSITELIB}/torch/include/ATen/native/quantized/cpu/fbgemm_utils.h
 ${PYSITELIB}/torch/include/ATen/native/quantized/cpu/init_qnnpack.h
+${PYSITELIB}/torch/include/ATen/native/quantized/cpu/qconv.h
 ${PYSITELIB}/torch/include/ATen/native/quantized/cpu/qembeddingbag.h
 ${PYSITELIB}/torch/include/ATen/native/quantized/cpu/qembeddingbag_prepack.h
+${PYSITELIB}/torch/include/ATen/native/quantized/cpu/qlinear.h
+${PYSITELIB}/torch/include/ATen/native/quantized/cudnn/utils.h
+${PYSITELIB}/torch/include/ATen/native/quantized/library.h
 ${PYSITELIB}/torch/include/ATen/native/transformers/attention.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/flash_attn/flash_api.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/flash_attn/static_switch.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/debug_utils.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/epilogue/epilogue_pipelined.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/epilogue/epilogue_rescale_output.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/epilogue/epilogue_thread_apply_logsumexp.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/gemm/custom_mma.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/gemm/custom_mma_base.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/gemm/custom_mma_multistage.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/gemm/custom_mma_pipelined.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/gemm/find_default_mma.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/gemm/mma_accum_lambda_iterator.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/gemm/mma_from_smem.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/gemm_kernel_utils.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/iterators/default_warp_iterator_from_smem.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/iterators/epilogue_predicated_tile_iterator.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/iterators/make_residual_last.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/iterators/predicated_tile_access_iterator_residual_last.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/iterators/predicated_tile_iterator_residual_last.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/iterators/transpose_warp_iterator.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/iterators/warp_iterator_from_smem.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/kernel_backward.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/kernel_forward.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/kernels/cutlassB.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/kernels/cutlassF.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/pytorch_utils.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/mem_eff_attention/transform/tile_smem_loader.h
+${PYSITELIB}/torch/include/ATen/native/transformers/cuda/sdp_utils.h
+${PYSITELIB}/torch/include/ATen/native/transformers/hip/aotriton_adapter.h
+${PYSITELIB}/torch/include/ATen/native/transformers/hip/flash_attn/ck/me_ck_api.h
+${PYSITELIB}/torch/include/ATen/native/transformers/hip/flash_attn/flash_api.h
+${PYSITELIB}/torch/include/ATen/native/transformers/sdp_utils.h
 ${PYSITELIB}/torch/include/ATen/native/transformers/sdp_utils_cpp.h
 ${PYSITELIB}/torch/include/ATen/native/utils/Factory.h
 ${PYSITELIB}/torch/include/ATen/native/utils/ParamUtils.h
@@ -13258,7 +13868,8 @@ ${PYSITELIB}/torch/include/ATen/ops/_ass
 ${PYSITELIB}/torch/include/ATen/ops/_assert_scalar_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_assert_scalar_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_assert_tensor_metadata.h
-${PYSITELIB}/torch/include/ATen/ops/_assert_tensor_metadata_compositeimplicitautograd_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/_assert_tensor_metadata_compositeexplicitautograd_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/_assert_tensor_metadata_meta_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_assert_tensor_metadata_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_assert_tensor_metadata_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_autocast_to_full_precision.h
@@ -13398,8 +14009,11 @@ ${PYSITELIB}/torch/include/ATen/ops/_con
 ${PYSITELIB}/torch/include/ATen/ops/_convert_indices_from_csr_to_coo_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_convert_indices_from_csr_to_coo_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_convert_weight_to_int4pack.h
-${PYSITELIB}/torch/include/ATen/ops/_convert_weight_to_int4pack_cpu_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_convert_weight_to_int4pack_cuda_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/_convert_weight_to_int4pack_for_cpu.h
+${PYSITELIB}/torch/include/ATen/ops/_convert_weight_to_int4pack_for_cpu_cpu_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/_convert_weight_to_int4pack_for_cpu_native.h
+${PYSITELIB}/torch/include/ATen/ops/_convert_weight_to_int4pack_for_cpu_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_convert_weight_to_int4pack_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_convert_weight_to_int4pack_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_convolution.h
@@ -13448,6 +14062,10 @@ ${PYSITELIB}/torch/include/ATen/ops/_ctc
 ${PYSITELIB}/torch/include/ATen/ops/_ctc_loss_meta_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_ctc_loss_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_ctc_loss_ops.h
+${PYSITELIB}/torch/include/ATen/ops/_cudnn_attention_forward.h
+${PYSITELIB}/torch/include/ATen/ops/_cudnn_attention_forward_cuda_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/_cudnn_attention_forward_native.h
+${PYSITELIB}/torch/include/ATen/ops/_cudnn_attention_forward_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_cudnn_ctc_loss.h
 ${PYSITELIB}/torch/include/ATen/ops/_cudnn_ctc_loss_compositeexplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_cudnn_ctc_loss_cuda_dispatch.h
@@ -13519,6 +14137,14 @@ ${PYSITELIB}/torch/include/ATen/ops/_dir
 ${PYSITELIB}/torch/include/ATen/ops/_dirichlet_grad_cuda_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_dirichlet_grad_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_dirichlet_grad_ops.h
+${PYSITELIB}/torch/include/ATen/ops/_dyn_quant_matmul_4bit.h
+${PYSITELIB}/torch/include/ATen/ops/_dyn_quant_matmul_4bit_cpu_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/_dyn_quant_matmul_4bit_native.h
+${PYSITELIB}/torch/include/ATen/ops/_dyn_quant_matmul_4bit_ops.h
+${PYSITELIB}/torch/include/ATen/ops/_dyn_quant_pack_4bit_weight.h
+${PYSITELIB}/torch/include/ATen/ops/_dyn_quant_pack_4bit_weight_cpu_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/_dyn_quant_pack_4bit_weight_native.h
+${PYSITELIB}/torch/include/ATen/ops/_dyn_quant_pack_4bit_weight_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_efficient_attention_backward.h
 ${PYSITELIB}/torch/include/ATen/ops/_efficient_attention_backward_cuda_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_efficient_attention_backward_native.h
@@ -13817,6 +14443,11 @@ ${PYSITELIB}/torch/include/ATen/ops/_for
 ${PYSITELIB}/torch/include/ATen/ops/_foreach_round_cuda_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_foreach_round_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_foreach_round_ops.h
+${PYSITELIB}/torch/include/ATen/ops/_foreach_rsqrt.h
+${PYSITELIB}/torch/include/ATen/ops/_foreach_rsqrt_compositeexplicitautograd_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/_foreach_rsqrt_cuda_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/_foreach_rsqrt_native.h
+${PYSITELIB}/torch/include/ATen/ops/_foreach_rsqrt_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_foreach_sigmoid.h
 ${PYSITELIB}/torch/include/ATen/ops/_foreach_sigmoid_compositeexplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_foreach_sigmoid_cuda_dispatch.h
@@ -13911,6 +14542,9 @@ ${PYSITELIB}/torch/include/ATen/ops/_fus
 ${PYSITELIB}/torch/include/ATen/ops/_fused_moving_avg_obs_fq_helper_cuda_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_fused_moving_avg_obs_fq_helper_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_fused_moving_avg_obs_fq_helper_ops.h
+${PYSITELIB}/torch/include/ATen/ops/_fused_rms_norm.h
+${PYSITELIB}/torch/include/ATen/ops/_fused_rms_norm_native.h
+${PYSITELIB}/torch/include/ATen/ops/_fused_rms_norm_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_fused_sdp_choice.h
 ${PYSITELIB}/torch/include/ATen/ops/_fused_sdp_choice_cpu_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_fused_sdp_choice_cuda_dispatch.h
@@ -13944,6 +14578,10 @@ ${PYSITELIB}/torch/include/ATen/ops/_gri
 ${PYSITELIB}/torch/include/ATen/ops/_grid_sampler_2d_cpu_fallback_compositeexplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_grid_sampler_2d_cpu_fallback_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_grid_sampler_2d_cpu_fallback_ops.h
+${PYSITELIB}/torch/include/ATen/ops/_grouped_mm.h
+${PYSITELIB}/torch/include/ATen/ops/_grouped_mm_cuda_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/_grouped_mm_native.h
+${PYSITELIB}/torch/include/ATen/ops/_grouped_mm_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_has_compatible_shallow_copy_type.h
 ${PYSITELIB}/torch/include/ATen/ops/_has_compatible_shallow_copy_type_compositeimplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_has_compatible_shallow_copy_type_native.h
@@ -14194,6 +14832,9 @@ ${PYSITELIB}/torch/include/ATen/ops/_nes
 ${PYSITELIB}/torch/include/ATen/ops/_nested_from_padded_cuda_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_nested_from_padded_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_nested_from_padded_ops.h
+${PYSITELIB}/torch/include/ATen/ops/_nested_from_padded_tensor.h
+${PYSITELIB}/torch/include/ATen/ops/_nested_from_padded_tensor_native.h
+${PYSITELIB}/torch/include/ATen/ops/_nested_from_padded_tensor_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_nested_get_jagged_dummy.h
 ${PYSITELIB}/torch/include/ATen/ops/_nested_get_jagged_dummy_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_nested_get_jagged_dummy_ops.h
@@ -14441,7 +15082,12 @@ ${PYSITELIB}/torch/include/ATen/ops/_sca
 ${PYSITELIB}/torch/include/ATen/ops/_scaled_dot_product_fused_attention_overrideable_compositeexplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_scaled_dot_product_fused_attention_overrideable_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_scaled_dot_product_fused_attention_overrideable_ops.h
+${PYSITELIB}/torch/include/ATen/ops/_scaled_grouped_mm.h
+${PYSITELIB}/torch/include/ATen/ops/_scaled_grouped_mm_cuda_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/_scaled_grouped_mm_native.h
+${PYSITELIB}/torch/include/ATen/ops/_scaled_grouped_mm_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_scaled_mm.h
+${PYSITELIB}/torch/include/ATen/ops/_scaled_mm_cpu_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_scaled_mm_cuda_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_scaled_mm_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_scaled_mm_ops.h
@@ -14984,10 +15630,16 @@ ${PYSITELIB}/torch/include/ATen/ops/_ver
 ${PYSITELIB}/torch/include/ATen/ops/_version_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_version_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_weight_int4pack_mm.h
-${PYSITELIB}/torch/include/ATen/ops/_weight_int4pack_mm_cpu_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_weight_int4pack_mm_cuda_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/_weight_int4pack_mm_for_cpu.h
+${PYSITELIB}/torch/include/ATen/ops/_weight_int4pack_mm_for_cpu_cpu_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/_weight_int4pack_mm_for_cpu_native.h
+${PYSITELIB}/torch/include/ATen/ops/_weight_int4pack_mm_for_cpu_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_weight_int4pack_mm_native.h
 ${PYSITELIB}/torch/include/ATen/ops/_weight_int4pack_mm_ops.h
+${PYSITELIB}/torch/include/ATen/ops/_weight_int4pack_mm_with_scales_and_zeros.h
+${PYSITELIB}/torch/include/ATen/ops/_weight_int4pack_mm_with_scales_and_zeros_native.h
+${PYSITELIB}/torch/include/ATen/ops/_weight_int4pack_mm_with_scales_and_zeros_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/_weight_int8pack_mm.h
 ${PYSITELIB}/torch/include/ATen/ops/_weight_int8pack_mm_cpu_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/_weight_int8pack_mm_native.h
@@ -15047,6 +15699,7 @@ ${PYSITELIB}/torch/include/ATen/ops/acos
 ${PYSITELIB}/torch/include/ATen/ops/acosh_native.h
 ${PYSITELIB}/torch/include/ATen/ops/acosh_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/adaptive_avg_pool1d.h
+${PYSITELIB}/torch/include/ATen/ops/adaptive_avg_pool1d_compositeexplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/adaptive_avg_pool1d_compositeimplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/adaptive_avg_pool1d_native.h
 ${PYSITELIB}/torch/include/ATen/ops/adaptive_avg_pool1d_ops.h
@@ -15379,6 +16032,7 @@ ${PYSITELIB}/torch/include/ATen/ops/atle
 ${PYSITELIB}/torch/include/ATen/ops/atleast_3d_native.h
 ${PYSITELIB}/torch/include/ATen/ops/atleast_3d_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/avg_pool1d.h
+${PYSITELIB}/torch/include/ATen/ops/avg_pool1d_compositeexplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/avg_pool1d_compositeimplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/avg_pool1d_native.h
 ${PYSITELIB}/torch/include/ATen/ops/avg_pool1d_ops.h
@@ -18147,6 +18801,7 @@ ${PYSITELIB}/torch/include/ATen/ops/nonz
 ${PYSITELIB}/torch/include/ATen/ops/nonzero_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/nonzero_static.h
 ${PYSITELIB}/torch/include/ATen/ops/nonzero_static_cpu_dispatch.h
+${PYSITELIB}/torch/include/ATen/ops/nonzero_static_cuda_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/nonzero_static_native.h
 ${PYSITELIB}/torch/include/ATen/ops/nonzero_static_ops.h
 ${PYSITELIB}/torch/include/ATen/ops/norm.h
@@ -18712,6 +19367,7 @@ ${PYSITELIB}/torch/include/ATen/ops/rrel
 ${PYSITELIB}/torch/include/ATen/ops/rrelu_with_noise_backward_compositeexplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/rrelu_with_noise_backward_native.h
 ${PYSITELIB}/torch/include/ATen/ops/rrelu_with_noise_backward_ops.h
+${PYSITELIB}/torch/include/ATen/ops/rrelu_with_noise_compositeexplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/rrelu_with_noise_cpu_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/rrelu_with_noise_cuda_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/rrelu_with_noise_meta_dispatch.h
@@ -19907,6 +20563,7 @@ ${PYSITELIB}/torch/include/ATen/ops/upsa
 ${PYSITELIB}/torch/include/ATen/ops/upsample_bilinear2d_backward_meta_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/upsample_bilinear2d_backward_native.h
 ${PYSITELIB}/torch/include/ATen/ops/upsample_bilinear2d_backward_ops.h
+${PYSITELIB}/torch/include/ATen/ops/upsample_bilinear2d_compositeexplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/upsample_bilinear2d_compositeexplicitautogradnonfunctional_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/upsample_bilinear2d_compositeimplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/upsample_bilinear2d_cpu_dispatch.h
@@ -19958,6 +20615,7 @@ ${PYSITELIB}/torch/include/ATen/ops/upsa
 ${PYSITELIB}/torch/include/ATen/ops/upsample_nearest2d_backward_meta_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/upsample_nearest2d_backward_native.h
 ${PYSITELIB}/torch/include/ATen/ops/upsample_nearest2d_backward_ops.h
+${PYSITELIB}/torch/include/ATen/ops/upsample_nearest2d_compositeexplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/upsample_nearest2d_compositeexplicitautogradnonfunctional_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/upsample_nearest2d_compositeimplicitautograd_dispatch.h
 ${PYSITELIB}/torch/include/ATen/ops/upsample_nearest2d_cpu_dispatch.h
@@ -20127,6 +20785,66 @@ ${PYSITELIB}/torch/include/ATen/xpu/XPUD
 ${PYSITELIB}/torch/include/ATen/xpu/XPUEvent.h
 ${PYSITELIB}/torch/include/ATen/xpu/XPUGeneratorImpl.h
 ${PYSITELIB}/torch/include/ATen/xpu/detail/XPUHooks.h
+${PYSITELIB}/torch/include/advisor-annotate.h
+${PYSITELIB}/torch/include/asmjit/a64.h
+${PYSITELIB}/torch/include/asmjit/arm.h
+${PYSITELIB}/torch/include/asmjit/arm/a64assembler.h
+${PYSITELIB}/torch/include/asmjit/arm/a64builder.h
+${PYSITELIB}/torch/include/asmjit/arm/a64compiler.h
+${PYSITELIB}/torch/include/asmjit/arm/a64emitter.h
+${PYSITELIB}/torch/include/asmjit/arm/a64globals.h
+${PYSITELIB}/torch/include/asmjit/arm/a64instdb.h
+${PYSITELIB}/torch/include/asmjit/arm/a64operand.h
+${PYSITELIB}/torch/include/asmjit/arm/armglobals.h
+${PYSITELIB}/torch/include/asmjit/arm/armoperand.h
+${PYSITELIB}/torch/include/asmjit/arm/armutils.h
+${PYSITELIB}/torch/include/asmjit/asmjit-scope-begin.h
+${PYSITELIB}/torch/include/asmjit/asmjit-scope-end.h
+${PYSITELIB}/torch/include/asmjit/asmjit.h
+${PYSITELIB}/torch/include/asmjit/core.h
+${PYSITELIB}/torch/include/asmjit/core/api-config.h
+${PYSITELIB}/torch/include/asmjit/core/archcommons.h
+${PYSITELIB}/torch/include/asmjit/core/archtraits.h
+${PYSITELIB}/torch/include/asmjit/core/assembler.h
+${PYSITELIB}/torch/include/asmjit/core/builder.h
+${PYSITELIB}/torch/include/asmjit/core/codebuffer.h
+${PYSITELIB}/torch/include/asmjit/core/codeholder.h
+${PYSITELIB}/torch/include/asmjit/core/compiler.h
+${PYSITELIB}/torch/include/asmjit/core/compilerdefs.h
+${PYSITELIB}/torch/include/asmjit/core/constpool.h
+${PYSITELIB}/torch/include/asmjit/core/cpuinfo.h
+${PYSITELIB}/torch/include/asmjit/core/emitter.h
+${PYSITELIB}/torch/include/asmjit/core/environment.h
+${PYSITELIB}/torch/include/asmjit/core/errorhandler.h
+${PYSITELIB}/torch/include/asmjit/core/formatter.h
+${PYSITELIB}/torch/include/asmjit/core/func.h
+${PYSITELIB}/torch/include/asmjit/core/globals.h
+${PYSITELIB}/torch/include/asmjit/core/inst.h
+${PYSITELIB}/torch/include/asmjit/core/jitallocator.h
+${PYSITELIB}/torch/include/asmjit/core/jitruntime.h
+${PYSITELIB}/torch/include/asmjit/core/logger.h
+${PYSITELIB}/torch/include/asmjit/core/operand.h
+${PYSITELIB}/torch/include/asmjit/core/osutils.h
+${PYSITELIB}/torch/include/asmjit/core/string.h
+${PYSITELIB}/torch/include/asmjit/core/support.h
+${PYSITELIB}/torch/include/asmjit/core/target.h
+${PYSITELIB}/torch/include/asmjit/core/type.h
+${PYSITELIB}/torch/include/asmjit/core/virtmem.h
+${PYSITELIB}/torch/include/asmjit/core/zone.h
+${PYSITELIB}/torch/include/asmjit/core/zonehash.h
+${PYSITELIB}/torch/include/asmjit/core/zonelist.h
+${PYSITELIB}/torch/include/asmjit/core/zonestack.h
+${PYSITELIB}/torch/include/asmjit/core/zonestring.h
+${PYSITELIB}/torch/include/asmjit/core/zonetree.h
+${PYSITELIB}/torch/include/asmjit/core/zonevector.h
+${PYSITELIB}/torch/include/asmjit/x86.h
+${PYSITELIB}/torch/include/asmjit/x86/x86assembler.h
+${PYSITELIB}/torch/include/asmjit/x86/x86builder.h
+${PYSITELIB}/torch/include/asmjit/x86/x86compiler.h
+${PYSITELIB}/torch/include/asmjit/x86/x86emitter.h
+${PYSITELIB}/torch/include/asmjit/x86/x86globals.h
+${PYSITELIB}/torch/include/asmjit/x86/x86instdb.h
+${PYSITELIB}/torch/include/asmjit/x86/x86operand.h
 ${PYSITELIB}/torch/include/c10/core/Allocator.h
 ${PYSITELIB}/torch/include/c10/core/AutogradState.h
 ${PYSITELIB}/torch/include/c10/core/Backend.h
@@ -20212,6 +20930,19 @@ ${PYSITELIB}/torch/include/c10/cuda/impl
 ${PYSITELIB}/torch/include/c10/macros/Export.h
 ${PYSITELIB}/torch/include/c10/macros/Macros.h
 ${PYSITELIB}/torch/include/c10/macros/cmake_macros.h
+${PYSITELIB}/torch/include/c10/metal/atomic.h
+${PYSITELIB}/torch/include/c10/metal/common.h
+${PYSITELIB}/torch/include/c10/metal/expm1f.h
+${PYSITELIB}/torch/include/c10/metal/indexing.h
+${PYSITELIB}/torch/include/c10/metal/random.h
+${PYSITELIB}/torch/include/c10/metal/reduction_utils.h
+${PYSITELIB}/torch/include/c10/metal/special_math.h
+${PYSITELIB}/torch/include/c10/metal/utils.h
+${PYSITELIB}/torch/include/c10/mobile/CPUCachingAllocator.h
+${PYSITELIB}/torch/include/c10/mobile/CPUProfilingAllocator.h
+${PYSITELIB}/torch/include/c10/test/util/Macros.h
+${PYSITELIB}/torch/include/c10/test/util/complex_math_test_common.h
+${PYSITELIB}/torch/include/c10/test/util/complex_test_common.h
 ${PYSITELIB}/torch/include/c10/util/AbortHandler.h
 ${PYSITELIB}/torch/include/c10/util/AlignOf.h
 ${PYSITELIB}/torch/include/c10/util/ApproximateClock.h
@@ -20229,11 +20960,13 @@ ${PYSITELIB}/torch/include/c10/util/Dead
 ${PYSITELIB}/torch/include/c10/util/Deprecated.h
 ${PYSITELIB}/torch/include/c10/util/DimVector.h
 ${PYSITELIB}/torch/include/c10/util/DynamicCounter.h
+${PYSITELIB}/torch/include/c10/util/Enumerate.h
 ${PYSITELIB}/torch/include/c10/util/Exception.h
 ${PYSITELIB}/torch/include/c10/util/ExclusivelyOwned.h
 ${PYSITELIB}/torch/include/c10/util/ExclusivelyOwnedTensorTraits.h
 ${PYSITELIB}/torch/include/c10/util/FbcodeMaps.h
 ${PYSITELIB}/torch/include/c10/util/Flags.h
+${PYSITELIB}/torch/include/c10/util/Float4_e2m1fn_x2.h
 ${PYSITELIB}/torch/include/c10/util/Float8_e4m3fn-inl.h
 ${PYSITELIB}/torch/include/c10/util/Float8_e4m3fn.h
 ${PYSITELIB}/torch/include/c10/util/Float8_e4m3fnuz-inl.h
@@ -20242,12 +20975,15 @@ ${PYSITELIB}/torch/include/c10/util/Floa
 ${PYSITELIB}/torch/include/c10/util/Float8_e5m2.h
 ${PYSITELIB}/torch/include/c10/util/Float8_e5m2fnuz-inl.h
 ${PYSITELIB}/torch/include/c10/util/Float8_e5m2fnuz.h
+${PYSITELIB}/torch/include/c10/util/Float8_e8m0fnu-inl.h
+${PYSITELIB}/torch/include/c10/util/Float8_e8m0fnu.h
 ${PYSITELIB}/torch/include/c10/util/Float8_fnuz_cvt.h
 ${PYSITELIB}/torch/include/c10/util/FunctionRef.h
 ${PYSITELIB}/torch/include/c10/util/Gauge.h
 ${PYSITELIB}/torch/include/c10/util/Half-inl.h
 ${PYSITELIB}/torch/include/c10/util/Half.h
 ${PYSITELIB}/torch/include/c10/util/IdWrapper.h
+${PYSITELIB}/torch/include/c10/util/IntrusiveList.h
 ${PYSITELIB}/torch/include/c10/util/Lazy.h
 ${PYSITELIB}/torch/include/c10/util/LeftRight.h
 ${PYSITELIB}/torch/include/c10/util/Load.h
@@ -20261,6 +20997,7 @@ ${PYSITELIB}/torch/include/c10/util/Opti
 ${PYSITELIB}/torch/include/c10/util/ParallelGuard.h
 ${PYSITELIB}/torch/include/c10/util/Registry.h
 ${PYSITELIB}/torch/include/c10/util/ScopeExit.h
+${PYSITELIB}/torch/include/c10/util/Semaphore.h
 ${PYSITELIB}/torch/include/c10/util/SmallBuffer.h
 ${PYSITELIB}/torch/include/c10/util/SmallVector.h
 ${PYSITELIB}/torch/include/c10/util/StringUtil.h
@@ -20277,6 +21014,7 @@ ${PYSITELIB}/torch/include/c10/util/Unic
 ${PYSITELIB}/torch/include/c10/util/UniqueVoidPtr.h
 ${PYSITELIB}/torch/include/c10/util/Unroll.h
 ${PYSITELIB}/torch/include/c10/util/WaitCounter.h
+${PYSITELIB}/torch/include/c10/util/WaitCounterDynamicBackend.h
 ${PYSITELIB}/torch/include/c10/util/accumulate.h
 ${PYSITELIB}/torch/include/c10/util/bit_cast.h
 ${PYSITELIB}/torch/include/c10/util/bits.h
@@ -20285,6 +21023,7 @@ ${PYSITELIB}/torch/include/c10/util/comp
 ${PYSITELIB}/torch/include/c10/util/complex_utils.h
 ${PYSITELIB}/torch/include/c10/util/copysign.h
 ${PYSITELIB}/torch/include/c10/util/env.h
+${PYSITELIB}/torch/include/c10/util/error.h
 ${PYSITELIB}/torch/include/c10/util/flat_hash_map.h
 ${PYSITELIB}/torch/include/c10/util/floating_point_utils.h
 ${PYSITELIB}/torch/include/c10/util/generic_math.h
@@ -20297,6 +21036,7 @@ ${PYSITELIB}/torch/include/c10/util/logg
 ${PYSITELIB}/torch/include/c10/util/logging_is_not_google_glog.h
 ${PYSITELIB}/torch/include/c10/util/numa.h
 ${PYSITELIB}/torch/include/c10/util/order_preserving_flat_hash_map.h
+${PYSITELIB}/torch/include/c10/util/overflows.h
 ${PYSITELIB}/torch/include/c10/util/overloaded.h
 ${PYSITELIB}/torch/include/c10/util/python_stub.h
 ${PYSITELIB}/torch/include/c10/util/qint32.h
@@ -20325,6 +21065,13 @@ ${PYSITELIB}/torch/include/c10/xpu/XPUFu
 ${PYSITELIB}/torch/include/c10/xpu/XPUMacros.h
 ${PYSITELIB}/torch/include/c10/xpu/XPUStream.h
 ${PYSITELIB}/torch/include/c10/xpu/impl/XPUGuardImpl.h
+${PYSITELIB}/torch/include/c10/xpu/test/impl/XPUTest.h
+${PYSITELIB}/torch/include/caffe2/core/common.h
+${PYSITELIB}/torch/include/caffe2/core/macros.h
+${PYSITELIB}/torch/include/caffe2/core/timer.h
+${PYSITELIB}/torch/include/caffe2/perfkernels/batch_box_cox_vec.h
+${PYSITELIB}/torch/include/caffe2/perfkernels/common.h
+${PYSITELIB}/torch/include/caffe2/perfkernels/embedding_lookup_idx.h
 ${PYSITELIB}/torch/include/caffe2/serialize/crc_alt.h
 ${PYSITELIB}/torch/include/caffe2/serialize/file_adapter.h
 ${PYSITELIB}/torch/include/caffe2/serialize/in_memory_adapter.h
@@ -20332,8 +21079,166 @@ ${PYSITELIB}/torch/include/caffe2/serial
 ${PYSITELIB}/torch/include/caffe2/serialize/istream_adapter.h
 ${PYSITELIB}/torch/include/caffe2/serialize/read_adapter_interface.h
 ${PYSITELIB}/torch/include/caffe2/serialize/versions.h
+${PYSITELIB}/torch/include/caffe2/utils/fixed_divisor.h
+${PYSITELIB}/torch/include/caffe2/utils/proto_wrap.h
+${PYSITELIB}/torch/include/caffe2/utils/string_utils.h
+${PYSITELIB}/torch/include/caffe2/utils/threadpool/ThreadPool.h
+${PYSITELIB}/torch/include/caffe2/utils/threadpool/ThreadPoolCommon.h
+${PYSITELIB}/torch/include/caffe2/utils/threadpool/WorkersPool.h
+${PYSITELIB}/torch/include/caffe2/utils/threadpool/pthreadpool-cpp.h
+${PYSITELIB}/torch/include/caffe2/utils/threadpool/pthreadpool.h
+${PYSITELIB}/torch/include/caffe2/utils/threadpool/thread_pool_guard.h
 ${PYSITELIB}/torch/include/cpuinfo.h
+${PYSITELIB}/torch/include/fbgemm/ConvUtils.h
+${PYSITELIB}/torch/include/fbgemm/Fbgemm.h
+${PYSITELIB}/torch/include/fbgemm/FbgemmBuild.h
+${PYSITELIB}/torch/include/fbgemm/FbgemmConvert.h
+${PYSITELIB}/torch/include/fbgemm/FbgemmEmbedding.h
+${PYSITELIB}/torch/include/fbgemm/FbgemmFP16.h
+${PYSITELIB}/torch/include/fbgemm/FbgemmFP32.h
+${PYSITELIB}/torch/include/fbgemm/FbgemmFPCommon.h
+${PYSITELIB}/torch/include/fbgemm/FbgemmI64.h
+${PYSITELIB}/torch/include/fbgemm/FbgemmI8DepthwiseAvx2.h
+${PYSITELIB}/torch/include/fbgemm/FbgemmI8DirectconvAvx2.h
+${PYSITELIB}/torch/include/fbgemm/FbgemmI8Spmdm.h
+${PYSITELIB}/torch/include/fbgemm/FbgemmPackMatrixB.h
+${PYSITELIB}/torch/include/fbgemm/FbgemmSparse.h
+${PYSITELIB}/torch/include/fbgemm/FloatConversion.h
+${PYSITELIB}/torch/include/fbgemm/OutputProcessing-inl.h
+${PYSITELIB}/torch/include/fbgemm/PackingTraits-inl.h
+${PYSITELIB}/torch/include/fbgemm/QuantUtils.h
+${PYSITELIB}/torch/include/fbgemm/QuantUtilsAvx2.h
+${PYSITELIB}/torch/include/fbgemm/QuantUtilsAvx512.h
+${PYSITELIB}/torch/include/fbgemm/QuantUtilsNeon.h
+${PYSITELIB}/torch/include/fbgemm/SimdUtils.h
+${PYSITELIB}/torch/include/fbgemm/Types.h
+${PYSITELIB}/torch/include/fbgemm/Utils.h
+${PYSITELIB}/torch/include/fbgemm/UtilsAvx2.h
+${PYSITELIB}/torch/include/fbgemm/spmmUtils.h
+${PYSITELIB}/torch/include/fbgemm/spmmUtilsAvx2.h
+${PYSITELIB}/torch/include/fmt/args.h
+${PYSITELIB}/torch/include/fmt/base.h
+${PYSITELIB}/torch/include/fmt/chrono.h
+${PYSITELIB}/torch/include/fmt/color.h
+${PYSITELIB}/torch/include/fmt/compile.h
+${PYSITELIB}/torch/include/fmt/core.h
+${PYSITELIB}/torch/include/fmt/format-inl.h
+${PYSITELIB}/torch/include/fmt/format.h
+${PYSITELIB}/torch/include/fmt/os.h
+${PYSITELIB}/torch/include/fmt/ostream.h
+${PYSITELIB}/torch/include/fmt/printf.h
+${PYSITELIB}/torch/include/fmt/ranges.h
+${PYSITELIB}/torch/include/fmt/std.h
+${PYSITELIB}/torch/include/fmt/xchar.h
 ${PYSITELIB}/torch/include/fp16.h
+${PYSITELIB}/torch/include/fp16/bitcasts.h
+${PYSITELIB}/torch/include/fp16/fp16.h
+${PYSITELIB}/torch/include/fp16/psimd.h
+${PYSITELIB}/torch/include/google/protobuf/any.h
+${PYSITELIB}/torch/include/google/protobuf/any.pb.h
+${PYSITELIB}/torch/include/google/protobuf/api.pb.h
+${PYSITELIB}/torch/include/google/protobuf/arena.h
+${PYSITELIB}/torch/include/google/protobuf/arena_impl.h
+${PYSITELIB}/torch/include/google/protobuf/arenastring.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/code_generator.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/command_line_interface.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/cpp/cpp_generator.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/csharp/csharp_generator.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/csharp/csharp_names.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/importer.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/java/java_generator.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/java/java_names.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/js/js_generator.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/js/well_known_types_embed.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/objectivec/objectivec_generator.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/objectivec/objectivec_helpers.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/parser.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/php/php_generator.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/plugin.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/plugin.pb.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/python/python_generator.h
+${PYSITELIB}/torch/include/google/protobuf/compiler/ruby/ruby_generator.h
+${PYSITELIB}/torch/include/google/protobuf/descriptor.h
+${PYSITELIB}/torch/include/google/protobuf/descriptor.pb.h
+${PYSITELIB}/torch/include/google/protobuf/descriptor_database.h
+${PYSITELIB}/torch/include/google/protobuf/duration.pb.h
+${PYSITELIB}/torch/include/google/protobuf/dynamic_message.h
+${PYSITELIB}/torch/include/google/protobuf/empty.pb.h
+${PYSITELIB}/torch/include/google/protobuf/extension_set.h
+${PYSITELIB}/torch/include/google/protobuf/extension_set_inl.h
+${PYSITELIB}/torch/include/google/protobuf/field_mask.pb.h
+${PYSITELIB}/torch/include/google/protobuf/generated_enum_reflection.h
+${PYSITELIB}/torch/include/google/protobuf/generated_enum_util.h
+${PYSITELIB}/torch/include/google/protobuf/generated_message_reflection.h
+${PYSITELIB}/torch/include/google/protobuf/generated_message_table_driven.h
+${PYSITELIB}/torch/include/google/protobuf/generated_message_util.h
+${PYSITELIB}/torch/include/google/protobuf/has_bits.h
+${PYSITELIB}/torch/include/google/protobuf/implicit_weak_message.h
+${PYSITELIB}/torch/include/google/protobuf/inlined_string_field.h
+${PYSITELIB}/torch/include/google/protobuf/io/coded_stream.h
+${PYSITELIB}/torch/include/google/protobuf/io/gzip_stream.h
+${PYSITELIB}/torch/include/google/protobuf/io/io_win32.h
+${PYSITELIB}/torch/include/google/protobuf/io/printer.h
+${PYSITELIB}/torch/include/google/protobuf/io/strtod.h
+${PYSITELIB}/torch/include/google/protobuf/io/tokenizer.h
+${PYSITELIB}/torch/include/google/protobuf/io/zero_copy_stream.h
+${PYSITELIB}/torch/include/google/protobuf/io/zero_copy_stream_impl.h
+${PYSITELIB}/torch/include/google/protobuf/io/zero_copy_stream_impl_lite.h
+${PYSITELIB}/torch/include/google/protobuf/map.h
+${PYSITELIB}/torch/include/google/protobuf/map_entry.h
+${PYSITELIB}/torch/include/google/protobuf/map_entry_lite.h
+${PYSITELIB}/torch/include/google/protobuf/map_field.h
+${PYSITELIB}/torch/include/google/protobuf/map_field_inl.h
+${PYSITELIB}/torch/include/google/protobuf/map_field_lite.h
+${PYSITELIB}/torch/include/google/protobuf/map_type_handler.h
+${PYSITELIB}/torch/include/google/protobuf/message.h
+${PYSITELIB}/torch/include/google/protobuf/message_lite.h
+${PYSITELIB}/torch/include/google/protobuf/metadata.h
+${PYSITELIB}/torch/include/google/protobuf/metadata_lite.h
+${PYSITELIB}/torch/include/google/protobuf/parse_context.h
+${PYSITELIB}/torch/include/google/protobuf/port.h
+${PYSITELIB}/torch/include/google/protobuf/reflection.h
+${PYSITELIB}/torch/include/google/protobuf/reflection_ops.h
+${PYSITELIB}/torch/include/google/protobuf/repeated_field.h
+${PYSITELIB}/torch/include/google/protobuf/service.h
+${PYSITELIB}/torch/include/google/protobuf/source_context.pb.h
+${PYSITELIB}/torch/include/google/protobuf/struct.pb.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/bytestream.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/callback.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/casts.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/common.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/fastmem.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/hash.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/logging.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/macros.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/map_util.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/mutex.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/once.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/platform_macros.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/port.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/status.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/stl_util.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/stringpiece.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/strutil.h
+${PYSITELIB}/torch/include/google/protobuf/stubs/template_util.h
+${PYSITELIB}/torch/include/google/protobuf/text_format.h
+${PYSITELIB}/torch/include/google/protobuf/timestamp.pb.h
+${PYSITELIB}/torch/include/google/protobuf/type.pb.h
+${PYSITELIB}/torch/include/google/protobuf/unknown_field_set.h
+${PYSITELIB}/torch/include/google/protobuf/util/delimited_message_util.h
+${PYSITELIB}/torch/include/google/protobuf/util/field_comparator.h
+${PYSITELIB}/torch/include/google/protobuf/util/field_mask_util.h
+${PYSITELIB}/torch/include/google/protobuf/util/json_util.h
+${PYSITELIB}/torch/include/google/protobuf/util/message_differencer.h
+${PYSITELIB}/torch/include/google/protobuf/util/time_util.h
+${PYSITELIB}/torch/include/google/protobuf/util/type_resolver.h
+${PYSITELIB}/torch/include/google/protobuf/util/type_resolver_util.h
+${PYSITELIB}/torch/include/google/protobuf/wire_format.h
+${PYSITELIB}/torch/include/google/protobuf/wire_format_lite.h
+${PYSITELIB}/torch/include/google/protobuf/wrappers.pb.h
+${PYSITELIB}/torch/include/ittnotify-zca.h
+${PYSITELIB}/torch/include/ittnotify.h
+${PYSITELIB}/torch/include/jitprofiling.h
 ${PYSITELIB}/torch/include/kineto/AbstractConfig.h
 ${PYSITELIB}/torch/include/kineto/ActivityProfilerInterface.h
 ${PYSITELIB}/torch/include/kineto/ActivityTraceInterface.h
@@ -20350,6 +21255,8 @@ ${PYSITELIB}/torch/include/kineto/TraceS
 ${PYSITELIB}/torch/include/kineto/libkineto.h
 ${PYSITELIB}/torch/include/kineto/output_base.h
 ${PYSITELIB}/torch/include/kineto/time_since_epoch.h
+${PYSITELIB}/torch/include/legacy/ittnotify.h
+${PYSITELIB}/torch/include/libittnotify.h
 ${PYSITELIB}/torch/include/libshm.h
 ${PYSITELIB}/torch/include/psimd.h
 ${PYSITELIB}/torch/include/pybind11/attr.h
@@ -20360,7 +21267,9 @@ ${PYSITELIB}/torch/include/pybind11/comm
 ${PYSITELIB}/torch/include/pybind11/complex.h
 ${PYSITELIB}/torch/include/pybind11/detail/class.h
 ${PYSITELIB}/torch/include/pybind11/detail/common.h
+${PYSITELIB}/torch/include/pybind11/detail/cpp_conduit.h
 ${PYSITELIB}/torch/include/pybind11/detail/descr.h
+${PYSITELIB}/torch/include/pybind11/detail/exception_translation.h
 ${PYSITELIB}/torch/include/pybind11/detail/init.h
 ${PYSITELIB}/torch/include/pybind11/detail/internals.h
 ${PYSITELIB}/torch/include/pybind11/detail/type_caster_base.h
@@ -20382,6 +21291,7 @@ ${PYSITELIB}/torch/include/pybind11/opti
 ${PYSITELIB}/torch/include/pybind11/pybind11.h
 ${PYSITELIB}/torch/include/pybind11/pytypes.h
 ${PYSITELIB}/torch/include/pybind11/stl.h
+${PYSITELIB}/torch/include/pybind11/stl/filesystem.h
 ${PYSITELIB}/torch/include/pybind11/stl_bind.h
 ${PYSITELIB}/torch/include/pybind11/type_caster_pyobject_ptr.h
 ${PYSITELIB}/torch/include/pybind11/typing.h
@@ -20411,6 +21321,7 @@ ${PYSITELIB}/torch/include/tensorpipe/tr
 ${PYSITELIB}/torch/include/torch/csrc/CudaIPCTypes.h
 ${PYSITELIB}/torch/include/torch/csrc/DataLoader.h
 ${PYSITELIB}/torch/include/torch/csrc/Device.h
+${PYSITELIB}/torch/include/torch/csrc/DeviceAccelerator.h
 ${PYSITELIB}/torch/include/torch/csrc/Dtype.h
 ${PYSITELIB}/torch/include/torch/csrc/DynamicTypes.h
 ${PYSITELIB}/torch/include/torch/csrc/Event.h
@@ -20476,7 +21387,6 @@ ${PYSITELIB}/torch/include/torch/csrc/ap
 ${PYSITELIB}/torch/include/torch/csrc/api/include/torch/fft.h
 ${PYSITELIB}/torch/include/torch/csrc/api/include/torch/imethod.h
 ${PYSITELIB}/torch/include/torch/csrc/api/include/torch/jit.h
-${PYSITELIB}/torch/include/torch/csrc/api/include/torch/linalg.h
 ${PYSITELIB}/torch/include/torch/csrc/api/include/torch/mps.h
 ${PYSITELIB}/torch/include/torch/csrc/api/include/torch/nested.h
 ${PYSITELIB}/torch/include/torch/csrc/api/include/torch/nn.h
@@ -20577,6 +21487,7 @@ ${PYSITELIB}/torch/include/torch/csrc/ap
 ${PYSITELIB}/torch/include/torch/csrc/api/include/torch/optim/sgd.h
 ${PYSITELIB}/torch/include/torch/csrc/api/include/torch/ordered_dict.h
 ${PYSITELIB}/torch/include/torch/csrc/api/include/torch/python.h
+${PYSITELIB}/torch/include/torch/csrc/api/include/torch/python/init.h
 ${PYSITELIB}/torch/include/torch/csrc/api/include/torch/serialize.h
 ${PYSITELIB}/torch/include/torch/csrc/api/include/torch/serialize/archive.h
 ${PYSITELIB}/torch/include/torch/csrc/api/include/torch/serialize/input-archive.h
@@ -20654,6 +21565,7 @@ ${PYSITELIB}/torch/include/torch/csrc/au
 ${PYSITELIB}/torch/include/torch/csrc/autograd/variable.h
 ${PYSITELIB}/torch/include/torch/csrc/autograd/variable_info.h
 ${PYSITELIB}/torch/include/torch/csrc/copy_utils.h
+${PYSITELIB}/torch/include/torch/csrc/cpu/Module.h
 ${PYSITELIB}/torch/include/torch/csrc/cuda/CUDAPluggableAllocator.h
 ${PYSITELIB}/torch/include/torch/csrc/cuda/Event.h
 ${PYSITELIB}/torch/include/torch/csrc/cuda/GdsFile.h
@@ -20666,10 +21578,14 @@ ${PYSITELIB}/torch/include/torch/csrc/cu
 ${PYSITELIB}/torch/include/torch/csrc/cuda/nccl.h
 ${PYSITELIB}/torch/include/torch/csrc/cuda/python_comm.h
 ${PYSITELIB}/torch/include/torch/csrc/cuda/python_nccl.h
+${PYSITELIB}/torch/include/torch/csrc/cuda/utils.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/autograd.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/context/container.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/context/context.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/engine/dist_engine.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/functions/recvrpc_backward.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/functions/sendrpc_backward.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/python_autograd.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/rpc_messages/autograd_metadata.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/rpc_messages/cleanup_autograd_context_req.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/rpc_messages/cleanup_autograd_context_resp.h
@@ -20680,13 +21596,13 @@ ${PYSITELIB}/torch/include/torch/csrc/di
 ${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/rpc_messages/rpc_with_profiling_resp.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/rpc_messages/rref_backward_req.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/rpc_messages/rref_backward_resp.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/autograd/utils.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/Backend.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/Backoff.hpp
-${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/CUDASymmetricMemory-inl.h
-${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/CUDASymmetricMemory.hpp
-${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/DMAConnectivity.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/FakeProcessGroup.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/FileStore.hpp
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/FlightRecorder.hpp
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/FlightRecorderDetail.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/Functional.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/GlooDeviceFactory.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/GroupRegistry.hpp
@@ -20697,6 +21613,7 @@ ${PYSITELIB}/torch/include/torch/csrc/di
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/PrefixStore.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/ProcessGroup.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/ProcessGroupGloo.hpp
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/ProcessGroupGlooDetail.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/ProcessGroupMPI.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/ProcessGroupNCCL.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/ProcessGroupUCC.hpp
@@ -20704,7 +21621,6 @@ ${PYSITELIB}/torch/include/torch/csrc/di
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/PyProcessGroup.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/RankLocal.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/Store.hpp
-${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/SymmetricMemory.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/TCPStore.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/TCPStoreBackend.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/TraceUtils.h
@@ -20717,20 +21633,38 @@ ${PYSITELIB}/torch/include/torch/csrc/di
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/Work.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/c10d.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/comm.hpp
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/control_collectives/ControlCollectives.hpp
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/control_collectives/StoreCollectives.hpp
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/control_plane/Handlers.hpp
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/control_plane/WorkerServer.hpp
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/cuda/utils.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/debug.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/default_comm_hooks.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/error.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/exception.h
-${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/intra_node_comm.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/logger.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/logging.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/python_comm_hook.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/quantization/quantization.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/quantization/quantization_gpu.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/quantization/quantization_utils.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/reducer.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/reducer_timer.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/sequence_num.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/socket.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/socket_fmt.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/symm_mem/CUDASymmetricMemory-inl.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/symm_mem/CUDASymmetricMemory.hpp
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/symm_mem/CUDASymmetricMemoryTypes.hpp
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/symm_mem/CUDASymmetricMemoryUtils.hpp
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/symm_mem/DMAConnectivity.hpp
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/symm_mem/SymmetricMemory.hpp
+${PYSITELIB}/torch/include/torch/csrc/distributed/c10d/symm_mem/intra_node_comm.hpp
 ${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/agent_utils.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/message.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/metrics/RpcMetricsHandler.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/profiler/remote_profiler_manager.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/profiler/server_process_global_profiler.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/py_rref.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/python_call.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/python_functions.h
@@ -20751,6 +21685,8 @@ ${PYSITELIB}/torch/include/torch/csrc/di
 ${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/script_resp.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/tensorpipe_agent.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/tensorpipe_utils.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/testing/faulty_tensorpipe_agent.h
+${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/testing/testing.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/torchscript_functions.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/types.h
 ${PYSITELIB}/torch/include/torch/csrc/distributed/rpc/unpickled_python_call.h
@@ -20763,34 +21699,75 @@ ${PYSITELIB}/torch/include/torch/csrc/dy
 ${PYSITELIB}/torch/include/torch/csrc/dynamo/cpython_includes.h
 ${PYSITELIB}/torch/include/torch/csrc/dynamo/debug_macros.h
 ${PYSITELIB}/torch/include/torch/csrc/dynamo/eval_frame.h
+${PYSITELIB}/torch/include/torch/csrc/dynamo/eval_frame_cpp.h
 ${PYSITELIB}/torch/include/torch/csrc/dynamo/extra_state.h
 ${PYSITELIB}/torch/include/torch/csrc/dynamo/framelocals_mapping.h
 ${PYSITELIB}/torch/include/torch/csrc/dynamo/guards.h
 ${PYSITELIB}/torch/include/torch/csrc/dynamo/init.h
 ${PYSITELIB}/torch/include/torch/csrc/dynamo/python_compiled_autograd.h
 ${PYSITELIB}/torch/include/torch/csrc/dynamo/utils.h
+${PYSITELIB}/torch/include/torch/csrc/export/pt2_archive_constants.h
+${PYSITELIB}/torch/include/torch/csrc/export/pybind.h
+${PYSITELIB}/torch/include/torch/csrc/functorch/init.h
+${PYSITELIB}/torch/include/torch/csrc/fx/node.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_eager/kernel_holder.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_eager/kernel_meta_info.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_include/array_ref.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_include/common.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_include/cpu.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_include/cuda.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_include/mps.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_include/xpu.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_package/model_package_loader.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_package/pybind.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runner/model_container_runner.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runner/model_container_runner_cpu.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runner/model_container_runner_cuda.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runner/model_container_runner_mps.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runner/model_container_runner_xpu.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runner/pybind.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runtime/arrayref_tensor.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runtime/constant_type.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runtime/device_utils.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runtime/interface.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runtime/mini_array_ref.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runtime/model.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runtime/model_container.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runtime/scalar_to_tensor.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runtime/sycl_runtime_wrappers.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runtime/thread_local.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runtime/utils.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runtime/utils_cuda.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_runtime/utils_xpu.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_torch/c/shim.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_torch/c/shim_cpu.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_torch/c/shim_mps.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_torch/c/shim_xpu.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_torch/generated/c_shim_cpu.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_torch/generated/c_shim_cuda.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_torch/generated/c_shim_mps.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_torch/generated/c_shim_xpu.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_torch/mkldnn_tensor.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_torch/oss_proxy_executor.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_torch/proxy_executor.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_torch/tensor_converter.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/aoti_torch/utils.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/array_ref_impl.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/cpp_prefix.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/cpp_wrapper/array_ref.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/cpp_wrapper/common.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/cpp_wrapper/cpu.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/cpp_wrapper/cuda.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/cpp_wrapper/device_internal/cpu.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/cpp_wrapper/device_internal/cuda.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/cpp_wrapper/device_internal/mps.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/cpp_wrapper/device_internal/xpu.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/cpp_wrapper/mps.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/cpp_wrapper/xpu.h
 ${PYSITELIB}/torch/include/torch/csrc/inductor/inductor_ops.h
+${PYSITELIB}/torch/include/torch/csrc/inductor/static_cuda_launcher.h
+${PYSITELIB}/torch/include/torch/csrc/instruction_counter/Module.h
+${PYSITELIB}/torch/include/torch/csrc/itt.h
 ${PYSITELIB}/torch/include/torch/csrc/itt_wrapper.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/api/compilation_unit.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/api/function_impl.h
@@ -20806,7 +21783,46 @@ ${PYSITELIB}/torch/include/torch/csrc/ji
 ${PYSITELIB}/torch/include/torch/csrc/jit/backends/backend_interface.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/backends/backend_preprocess.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/backends/backend_resolver.h
+${PYSITELIB}/torch/include/torch/csrc/jit/backends/coreml/cpp/context.h
+${PYSITELIB}/torch/include/torch/csrc/jit/backends/coreml/objc/PTMCoreMLCompiler.h
+${PYSITELIB}/torch/include/torch/csrc/jit/backends/coreml/objc/PTMCoreMLExecutor.h
+${PYSITELIB}/torch/include/torch/csrc/jit/backends/coreml/objc/PTMCoreMLFeatureProvider.h
+${PYSITELIB}/torch/include/torch/csrc/jit/backends/coreml/objc/PTMCoreMLModelWrapper.h
+${PYSITELIB}/torch/include/torch/csrc/jit/backends/coreml/objc/PTMCoreMLTensorSpec.h
+${PYSITELIB}/torch/include/torch/csrc/jit/backends/xnnpack/compiler/xnn_compiler.h
+${PYSITELIB}/torch/include/torch/csrc/jit/backends/xnnpack/executor/xnn_executor.h
+${PYSITELIB}/torch/include/torch/csrc/jit/backends/xnnpack/serialization/serializer.h
+${PYSITELIB}/torch/include/torch/csrc/jit/backends/xnnpack/xnnpack_graph_builder.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/codegen/cuda/interface.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/arg_spec.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/codegen.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/compiler.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/cpu/fused_kernel.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/cpu/resource_strings.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/cpu/temp_file.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/cuda/fused_kernel.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/cuda/resource_strings.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/executor.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/fallback.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/fused_kernel.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/interface.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/kernel_cache.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/kernel_spec.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/partition_desc.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/tensor_desc.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/fuser/tensor_info.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/onednn/LlgaTensorImpl.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/onednn/decompose_silu.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/onednn/defer_size_check.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/onednn/graph_fuser.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/onednn/graph_helper.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/onednn/guard_shape.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/onednn/interface.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/onednn/kernel.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/onednn/layout_propagation.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/onednn/operator.h
+${PYSITELIB}/torch/include/torch/csrc/jit/codegen/onednn/prepare_binary.h
+${PYSITELIB}/torch/include/torch/csrc/jit/cuda/cuda.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/frontend/builtin_functions.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/frontend/canonicalize_modified_loop.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/frontend/concrete_module_type.h
@@ -20851,6 +21867,10 @@ ${PYSITELIB}/torch/include/torch/csrc/ji
 ${PYSITELIB}/torch/include/torch/csrc/jit/jit_log.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/jit_opt_limit.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/code.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/compatibility/backport.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/compatibility/backport_manager.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/compatibility/model_compatibility.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/compatibility/runtime_compatibility.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/debug_info.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/file_format.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/flatbuffer_loader.h
@@ -20861,7 +21881,17 @@ ${PYSITELIB}/torch/include/torch/csrc/ji
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/import_export_common.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/interpreter.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/method.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/model_tracer/BuildFeatureTracer.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/model_tracer/CustomClassTracer.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/model_tracer/KernelDTypeTracer.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/model_tracer/MobileModelRunner.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/model_tracer/OperatorCallTracer.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/model_tracer/TensorUtils.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/model_tracer/TracerRunner.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/module.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/nnc/aot_compiler.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/nnc/context.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/nnc/registry.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/observer.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/parse_bytecode.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/parse_operators.h
@@ -20870,8 +21900,16 @@ ${PYSITELIB}/torch/include/torch/csrc/ji
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/promoted_prim_ops.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/quantization.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/register_ops_common_utils.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/train/export_data.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/train/optim/sgd.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/train/random.h
+${PYSITELIB}/torch/include/torch/csrc/jit/mobile/train/sequential.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/type_parser.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/mobile/upgrader_mobile.h
+${PYSITELIB}/torch/include/torch/csrc/jit/operator_upgraders/upgraders.h
+${PYSITELIB}/torch/include/torch/csrc/jit/operator_upgraders/upgraders_entry.h
+${PYSITELIB}/torch/include/torch/csrc/jit/operator_upgraders/utils.h
+${PYSITELIB}/torch/include/torch/csrc/jit/operator_upgraders/version_map.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/add_if_then_else.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/annotate_warns.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/autocast.h
@@ -20888,6 +21926,7 @@ ${PYSITELIB}/torch/include/torch/csrc/ji
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/constant_propagation.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/create_autodiff_subgraphs.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/create_functional_graphs.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/dbr_quantization/remove_redundant_aliases.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/dead_code_elimination.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/decompose_ops.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/device_type_analysis.h
@@ -20930,6 +21969,30 @@ ${PYSITELIB}/torch/include/torch/csrc/ji
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/normalize_ops.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/onednn_graph_fuser.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/cast_all_constant_to_floating.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/constant_fold.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/constant_map.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/deduplicate_initializers.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/eliminate_unused_items.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/eval_peephole.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/fixup_onnx_controlflow.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/function_extraction.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/function_substitution.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/helper.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/list_model_parameters.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/naming.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/onnx_log.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/pattern_conversion/autograd_function_process.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/pattern_conversion/common.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/pattern_conversion/pattern_conversion.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/pattern_conversion/pattern_encapsulation.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/peephole.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/prepare_division_for_onnx.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/preprocess_for_onnx.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/remove_inplace_ops_for_onnx.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/scalar_type_analysis.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/shape_type_inference.h
+${PYSITELIB}/torch/include/torch/csrc/jit/passes/onnx/unpack_quantized_weights.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/pass_manager.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/peephole.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/passes/peephole_alias_sensitive.h
@@ -21002,6 +22065,10 @@ ${PYSITELIB}/torch/include/torch/csrc/ji
 ${PYSITELIB}/torch/include/torch/csrc/jit/runtime/graph_iterator.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/runtime/instruction.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/runtime/interpreter.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/interpreter/can_emit_inline.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/interpreter/code_impl.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/interpreter/frame.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/interpreter/preprocess_graph.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/runtime/jit_exception.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/runtime/jit_trace.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/runtime/logging.h
@@ -21016,6 +22083,16 @@ ${PYSITELIB}/torch/include/torch/csrc/ji
 ${PYSITELIB}/torch/include/torch/csrc/jit/runtime/shape_function_registry.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/runtime/simple_graph_executor_impl.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/runtime/slice_indices_adjust.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/static/ProcessedNodeInputs.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/static/fusion.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/static/impl.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/static/init.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/static/memory_planner.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/static/ops.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/static/passes.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/static/processed_node_wrapper.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/static/static_method.h
+${PYSITELIB}/torch/include/torch/csrc/jit/runtime/static/te_wrapper.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/runtime/symbolic_script.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/runtime/symbolic_shape_registry.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/runtime/symbolic_shape_registry_util.h
@@ -21093,6 +22170,7 @@ ${PYSITELIB}/torch/include/torch/csrc/ji
 ${PYSITELIB}/torch/include/torch/csrc/jit/tensorexpr/types.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/tensorexpr/unique_name_manager.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/tensorexpr/var_substitutor.h
+${PYSITELIB}/torch/include/torch/csrc/jit/testing/catch_utils.hpp
 ${PYSITELIB}/torch/include/torch/csrc/jit/testing/file_check.h
 ${PYSITELIB}/torch/include/torch/csrc/jit/testing/hooks_for_testing.h
 ${PYSITELIB}/torch/include/torch/csrc/lazy/backend/backend_data.h
@@ -21126,10 +22204,17 @@ ${PYSITELIB}/torch/include/torch/csrc/la
 ${PYSITELIB}/torch/include/torch/csrc/lazy/core/trie.h
 ${PYSITELIB}/torch/include/torch/csrc/lazy/core/unique.h
 ${PYSITELIB}/torch/include/torch/csrc/lazy/core/util.h
+${PYSITELIB}/torch/include/torch/csrc/lazy/generated/LazyIr.h
+${PYSITELIB}/torch/include/torch/csrc/lazy/generated/LazyNativeFunctions.h
+${PYSITELIB}/torch/include/torch/csrc/lazy/generated/LazyNonNativeIr.h
+${PYSITELIB}/torch/include/torch/csrc/lazy/python/init.h
 ${PYSITELIB}/torch/include/torch/csrc/lazy/python/python_util.h
 ${PYSITELIB}/torch/include/torch/csrc/lazy/ts_backend/config.h
 ${PYSITELIB}/torch/include/torch/csrc/lazy/ts_backend/dynamic_ir.h
 ${PYSITELIB}/torch/include/torch/csrc/lazy/ts_backend/ir_builder.h
+${PYSITELIB}/torch/include/torch/csrc/lazy/ts_backend/ops/device_data.h
+${PYSITELIB}/torch/include/torch/csrc/lazy/ts_backend/ops/generic.h
+${PYSITELIB}/torch/include/torch/csrc/lazy/ts_backend/ops/to_copy.h
 ${PYSITELIB}/torch/include/torch/csrc/lazy/ts_backend/tensor_aten_ops.h
 ${PYSITELIB}/torch/include/torch/csrc/lazy/ts_backend/ts_autograd_functions.h
 ${PYSITELIB}/torch/include/torch/csrc/lazy/ts_backend/ts_backend_impl.h
@@ -21137,6 +22222,13 @@ ${PYSITELIB}/torch/include/torch/csrc/la
 ${PYSITELIB}/torch/include/torch/csrc/lazy/ts_backend/ts_lowering_context.h
 ${PYSITELIB}/torch/include/torch/csrc/lazy/ts_backend/ts_node.h
 ${PYSITELIB}/torch/include/torch/csrc/lazy/ts_backend/ts_node_lowering.h
+${PYSITELIB}/torch/include/torch/csrc/monitor/counters.h
+${PYSITELIB}/torch/include/torch/csrc/monitor/events.h
+${PYSITELIB}/torch/include/torch/csrc/monitor/python_init.h
+${PYSITELIB}/torch/include/torch/csrc/mps/Module.h
+${PYSITELIB}/torch/include/torch/csrc/mtia/Module.h
+${PYSITELIB}/torch/include/torch/csrc/mtia/profiler/MTIAMemoryProfiler.h
+${PYSITELIB}/torch/include/torch/csrc/multiprocessing/init.h
 ${PYSITELIB}/torch/include/torch/csrc/onnx/back_compat.h
 ${PYSITELIB}/torch/include/torch/csrc/onnx/init.h
 ${PYSITELIB}/torch/include/torch/csrc/onnx/onnx.h
@@ -21146,6 +22238,7 @@ ${PYSITELIB}/torch/include/torch/csrc/pr
 ${PYSITELIB}/torch/include/torch/csrc/profiler/containers.h
 ${PYSITELIB}/torch/include/torch/csrc/profiler/data_flow.h
 ${PYSITELIB}/torch/include/torch/csrc/profiler/events.h
+${PYSITELIB}/torch/include/torch/csrc/profiler/kineto_client_interface.h
 ${PYSITELIB}/torch/include/torch/csrc/profiler/kineto_shim.h
 ${PYSITELIB}/torch/include/torch/csrc/profiler/orchestration/observer.h
 ${PYSITELIB}/torch/include/torch/csrc/profiler/orchestration/python_tracer.h
@@ -21180,6 +22273,8 @@ ${PYSITELIB}/torch/include/torch/csrc/pr
 ${PYSITELIB}/torch/include/torch/csrc/python_dimname.h
 ${PYSITELIB}/torch/include/torch/csrc/python_headers.h
 ${PYSITELIB}/torch/include/torch/csrc/serialization.h
+${PYSITELIB}/torch/include/torch/csrc/stable/library.h
+${PYSITELIB}/torch/include/torch/csrc/stable/tensor.h
 ${PYSITELIB}/torch/include/torch/csrc/tensor/python_tensor.h
 ${PYSITELIB}/torch/include/torch/csrc/utils.h
 ${PYSITELIB}/torch/include/torch/csrc/utils/byte_order.h
@@ -21187,6 +22282,7 @@ ${PYSITELIB}/torch/include/torch/csrc/ut
 ${PYSITELIB}/torch/include/torch/csrc/utils/cuda_enabled.h
 ${PYSITELIB}/torch/include/torch/csrc/utils/device_lazy_init.h
 ${PYSITELIB}/torch/include/torch/csrc/utils/disable_torch_function.h
+${PYSITELIB}/torch/include/torch/csrc/utils/generated_serialization_types.h
 ${PYSITELIB}/torch/include/torch/csrc/utils/init.h
 ${PYSITELIB}/torch/include/torch/csrc/utils/invalid_arguments.h
 ${PYSITELIB}/torch/include/torch/csrc/utils/nested.h
@@ -21232,6 +22328,7 @@ ${PYSITELIB}/torch/include/torch/csrc/xp
 ${PYSITELIB}/torch/include/torch/custom_class.h
 ${PYSITELIB}/torch/include/torch/custom_class_detail.h
 ${PYSITELIB}/torch/include/torch/extension.h
+${PYSITELIB}/torch/include/torch/headeronly/macros/Export.h
 ${PYSITELIB}/torch/include/torch/library.h
 ${PYSITELIB}/torch/include/torch/script.h
 ${PYSITELIB}/torch/jit/__init__.py
@@ -21324,6 +22421,11 @@ ${PYSITELIB}/torch/jit/unsupported_tenso
 ${PYSITELIB}/torch/jit/unsupported_tensor_ops.pyo
 ${PYSITELIB}/torch/lib/libc10.so
 ${PYSITELIB}/torch/lib/libshm.so
+${PYSITELIB}/torch/lib/libshm/alloc_info.h
+${PYSITELIB}/torch/lib/libshm/err.h
+${PYSITELIB}/torch/lib/libshm/libshm.h
+${PYSITELIB}/torch/lib/libshm/socket.h
+${PYSITELIB}/torch/lib/libshm_windows/libshm.h
 ${PYSITELIB}/torch/lib/libtorch.so
 ${PYSITELIB}/torch/lib/libtorch_cpu.so
 ${PYSITELIB}/torch/lib/libtorch_global_deps.so
@@ -21385,6 +22487,9 @@ ${PYSITELIB}/torch/mtia/__init__.pyo
 ${PYSITELIB}/torch/mtia/_utils.py
 ${PYSITELIB}/torch/mtia/_utils.pyc
 ${PYSITELIB}/torch/mtia/_utils.pyo
+${PYSITELIB}/torch/mtia/memory.py
+${PYSITELIB}/torch/mtia/memory.pyc
+${PYSITELIB}/torch/mtia/memory.pyo
 ${PYSITELIB}/torch/multiprocessing/__init__.py
 ${PYSITELIB}/torch/multiprocessing/__init__.pyc
 ${PYSITELIB}/torch/multiprocessing/__init__.pyo
@@ -21409,6 +22514,9 @@ ${PYSITELIB}/torch/nested/__init__.pyo
 ${PYSITELIB}/torch/nested/_internal/__init__.py
 ${PYSITELIB}/torch/nested/_internal/__init__.pyc
 ${PYSITELIB}/torch/nested/_internal/__init__.pyo
+${PYSITELIB}/torch/nested/_internal/nested_int.py
+${PYSITELIB}/torch/nested/_internal/nested_int.pyc
+${PYSITELIB}/torch/nested/_internal/nested_int.pyo
 ${PYSITELIB}/torch/nested/_internal/nested_tensor.py
 ${PYSITELIB}/torch/nested/_internal/nested_tensor.pyc
 ${PYSITELIB}/torch/nested/_internal/nested_tensor.pyo
@@ -21433,6 +22541,12 @@ ${PYSITELIB}/torch/nn/attention/_utils.p
 ${PYSITELIB}/torch/nn/attention/bias.py
 ${PYSITELIB}/torch/nn/attention/bias.pyc
 ${PYSITELIB}/torch/nn/attention/bias.pyo
+${PYSITELIB}/torch/nn/attention/experimental/__init__.py
+${PYSITELIB}/torch/nn/attention/experimental/__init__.pyc
+${PYSITELIB}/torch/nn/attention/experimental/__init__.pyo
+${PYSITELIB}/torch/nn/attention/experimental/_paged_attention.py
+${PYSITELIB}/torch/nn/attention/experimental/_paged_attention.pyc
+${PYSITELIB}/torch/nn/attention/experimental/_paged_attention.pyo
 ${PYSITELIB}/torch/nn/attention/flex_attention.py
 ${PYSITELIB}/torch/nn/attention/flex_attention.pyc
 ${PYSITELIB}/torch/nn/attention/flex_attention.pyo
@@ -21807,15 +22921,9 @@ ${PYSITELIB}/torch/onnx/__init__.pyo
 ${PYSITELIB}/torch/onnx/_constants.py
 ${PYSITELIB}/torch/onnx/_constants.pyc
 ${PYSITELIB}/torch/onnx/_constants.pyo
-${PYSITELIB}/torch/onnx/_deprecation.py
-${PYSITELIB}/torch/onnx/_deprecation.pyc
-${PYSITELIB}/torch/onnx/_deprecation.pyo
 ${PYSITELIB}/torch/onnx/_experimental.py
 ${PYSITELIB}/torch/onnx/_experimental.pyc
 ${PYSITELIB}/torch/onnx/_experimental.pyo
-${PYSITELIB}/torch/onnx/_exporter_states.py
-${PYSITELIB}/torch/onnx/_exporter_states.pyc
-${PYSITELIB}/torch/onnx/_exporter_states.pyo
 ${PYSITELIB}/torch/onnx/_flags.py
 ${PYSITELIB}/torch/onnx/_flags.pyc
 ${PYSITELIB}/torch/onnx/_flags.pyo
@@ -21831,198 +22939,6 @@ ${PYSITELIB}/torch/onnx/_internal/_expor
 ${PYSITELIB}/torch/onnx/_internal/_lazy_import.py
 ${PYSITELIB}/torch/onnx/_internal/_lazy_import.pyc
 ${PYSITELIB}/torch/onnx/_internal/_lazy_import.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/__init__.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/__init__.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/__init__.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/_diagnostic.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/_diagnostic.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/_diagnostic.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/_rules.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/_rules.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/_rules.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/__init__.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/__init__.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/__init__.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/_infra.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/_infra.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/_infra.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/context.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/context.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/context.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/decorator.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/decorator.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/decorator.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/formatter.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/formatter.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/formatter.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/__init__.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/__init__.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/__init__.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_address.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_address.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_address.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_artifact.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_artifact.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_artifact.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_artifact_change.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_artifact_change.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_artifact_change.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_artifact_content.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_artifact_content.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_artifact_content.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_artifact_location.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_artifact_location.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_artifact_location.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_attachment.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_attachment.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_attachment.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_code_flow.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_code_flow.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_code_flow.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_configuration_override.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_configuration_override.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_configuration_override.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_conversion.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_conversion.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_conversion.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_edge.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_edge.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_edge.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_edge_traversal.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_edge_traversal.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_edge_traversal.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_exception.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_exception.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_exception.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_external_properties.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_external_properties.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_external_properties.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_external_property_file_reference.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_external_property_file_reference.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_external_property_file_reference.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_external_property_file_references.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_external_property_file_references.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_external_property_file_references.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_fix.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_fix.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_fix.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_graph.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_graph.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_graph.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_graph_traversal.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_graph_traversal.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_graph_traversal.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_invocation.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_invocation.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_invocation.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_location.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_location.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_location.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_location_relationship.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_location_relationship.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_location_relationship.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_logical_location.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_logical_location.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_logical_location.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_message.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_message.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_message.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_multiformat_message_string.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_multiformat_message_string.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_multiformat_message_string.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_node.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_node.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_node.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_notification.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_notification.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_notification.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_physical_location.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_physical_location.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_physical_location.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_property_bag.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_property_bag.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_property_bag.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_rectangle.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_rectangle.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_rectangle.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_region.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_region.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_region.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_replacement.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_replacement.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_replacement.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_reporting_configuration.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_reporting_configuration.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_reporting_configuration.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_reporting_descriptor.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_reporting_descriptor.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_reporting_descriptor.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_reporting_descriptor_reference.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_reporting_descriptor_reference.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_reporting_descriptor_reference.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_reporting_descriptor_relationship.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_reporting_descriptor_relationship.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_reporting_descriptor_relationship.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_result.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_result.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_result.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_result_provenance.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_result_provenance.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_result_provenance.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_run.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_run.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_run.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_run_automation_details.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_run_automation_details.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_run_automation_details.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_sarif_log.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_sarif_log.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_sarif_log.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_special_locations.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_special_locations.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_special_locations.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_stack.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_stack.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_stack.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_stack_frame.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_stack_frame.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_stack_frame.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_suppression.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_suppression.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_suppression.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_thread_flow.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_thread_flow.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_thread_flow.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_thread_flow_location.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_thread_flow_location.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_thread_flow_location.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_tool.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_tool.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_tool.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_tool_component.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_tool_component.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_tool_component.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_tool_component_reference.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_tool_component_reference.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_tool_component_reference.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_translation_metadata.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_translation_metadata.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_translation_metadata.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_version_control_details.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_version_control_details.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_version_control_details.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_web_request.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_web_request.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_web_request.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_web_response.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_web_response.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/_web_response.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/version.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/version.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/sarif/version.pyo
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/utils.py
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/utils.pyc
-${PYSITELIB}/torch/onnx/_internal/diagnostics/infra/utils.pyo
 ${PYSITELIB}/torch/onnx/_internal/exporter/__init__.py
 ${PYSITELIB}/torch/onnx/_internal/exporter/__init__.pyc
 ${PYSITELIB}/torch/onnx/_internal/exporter/__init__.pyo
@@ -22038,6 +22954,9 @@ ${PYSITELIB}/torch/onnx/_internal/export
 ${PYSITELIB}/torch/onnx/_internal/exporter/_compat.py
 ${PYSITELIB}/torch/onnx/_internal/exporter/_compat.pyc
 ${PYSITELIB}/torch/onnx/_internal/exporter/_compat.pyo
+${PYSITELIB}/torch/onnx/_internal/exporter/_constants.py
+${PYSITELIB}/torch/onnx/_internal/exporter/_constants.pyc
+${PYSITELIB}/torch/onnx/_internal/exporter/_constants.pyo
 ${PYSITELIB}/torch/onnx/_internal/exporter/_core.py
 ${PYSITELIB}/torch/onnx/_internal/exporter/_core.pyc
 ${PYSITELIB}/torch/onnx/_internal/exporter/_core.pyo
@@ -22047,9 +22966,15 @@ ${PYSITELIB}/torch/onnx/_internal/export
 ${PYSITELIB}/torch/onnx/_internal/exporter/_dispatching.py
 ${PYSITELIB}/torch/onnx/_internal/exporter/_dispatching.pyc
 ${PYSITELIB}/torch/onnx/_internal/exporter/_dispatching.pyo
+${PYSITELIB}/torch/onnx/_internal/exporter/_dynamic_shapes.py
+${PYSITELIB}/torch/onnx/_internal/exporter/_dynamic_shapes.pyc
+${PYSITELIB}/torch/onnx/_internal/exporter/_dynamic_shapes.pyo
 ${PYSITELIB}/torch/onnx/_internal/exporter/_errors.py
 ${PYSITELIB}/torch/onnx/_internal/exporter/_errors.pyc
 ${PYSITELIB}/torch/onnx/_internal/exporter/_errors.pyo
+${PYSITELIB}/torch/onnx/_internal/exporter/_flags.py
+${PYSITELIB}/torch/onnx/_internal/exporter/_flags.pyc
+${PYSITELIB}/torch/onnx/_internal/exporter/_flags.pyo
 ${PYSITELIB}/torch/onnx/_internal/exporter/_fx_passes.py
 ${PYSITELIB}/torch/onnx/_internal/exporter/_fx_passes.pyc
 ${PYSITELIB}/torch/onnx/_internal/exporter/_fx_passes.pyo
@@ -22077,6 +23002,36 @@ ${PYSITELIB}/torch/onnx/_internal/export
 ${PYSITELIB}/torch/onnx/_internal/exporter/_testing.py
 ${PYSITELIB}/torch/onnx/_internal/exporter/_testing.pyc
 ${PYSITELIB}/torch/onnx/_internal/exporter/_testing.pyo
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/__init__.py
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/__init__.pyc
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/__init__.pyo
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/_tensor_typing.py
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/_tensor_typing.pyc
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/_tensor_typing.pyo
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/_torchlib_registry.py
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/_torchlib_registry.pyc
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/_torchlib_registry.pyo
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/__init__.py
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/__init__.pyc
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/__init__.pyo
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/core.py
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/core.pyc
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/core.pyo
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/hop.py
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/hop.pyc
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/hop.pyo
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/nn.py
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/nn.pyc
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/nn.pyo
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/symbolic.py
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/symbolic.pyc
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/symbolic.pyo
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/symops.py
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/symops.pyc
+${PYSITELIB}/torch/onnx/_internal/exporter/_torchlib/ops/symops.pyo
+${PYSITELIB}/torch/onnx/_internal/exporter/_type_casting.py
+${PYSITELIB}/torch/onnx/_internal/exporter/_type_casting.pyc
+${PYSITELIB}/torch/onnx/_internal/exporter/_type_casting.pyo
 ${PYSITELIB}/torch/onnx/_internal/exporter/_verification.py
 ${PYSITELIB}/torch/onnx/_internal/exporter/_verification.pyc
 ${PYSITELIB}/torch/onnx/_internal/exporter/_verification.pyo
@@ -22086,30 +23041,15 @@ ${PYSITELIB}/torch/onnx/_internal/fx/__i
 ${PYSITELIB}/torch/onnx/_internal/fx/_pass.py
 ${PYSITELIB}/torch/onnx/_internal/fx/_pass.pyc
 ${PYSITELIB}/torch/onnx/_internal/fx/_pass.pyo
-${PYSITELIB}/torch/onnx/_internal/fx/analysis/__init__.py
-${PYSITELIB}/torch/onnx/_internal/fx/analysis/__init__.pyc
-${PYSITELIB}/torch/onnx/_internal/fx/analysis/__init__.pyo
-${PYSITELIB}/torch/onnx/_internal/fx/analysis/unsupported_nodes.py
-${PYSITELIB}/torch/onnx/_internal/fx/analysis/unsupported_nodes.pyc
-${PYSITELIB}/torch/onnx/_internal/fx/analysis/unsupported_nodes.pyo
-${PYSITELIB}/torch/onnx/_internal/fx/decomposition_skip.py
-${PYSITELIB}/torch/onnx/_internal/fx/decomposition_skip.pyc
-${PYSITELIB}/torch/onnx/_internal/fx/decomposition_skip.pyo
 ${PYSITELIB}/torch/onnx/_internal/fx/decomposition_table.py
 ${PYSITELIB}/torch/onnx/_internal/fx/decomposition_table.pyc
 ${PYSITELIB}/torch/onnx/_internal/fx/decomposition_table.pyo
-${PYSITELIB}/torch/onnx/_internal/fx/diagnostics.py
-${PYSITELIB}/torch/onnx/_internal/fx/diagnostics.pyc
-${PYSITELIB}/torch/onnx/_internal/fx/diagnostics.pyo
 ${PYSITELIB}/torch/onnx/_internal/fx/dynamo_graph_extractor.py
 ${PYSITELIB}/torch/onnx/_internal/fx/dynamo_graph_extractor.pyc
 ${PYSITELIB}/torch/onnx/_internal/fx/dynamo_graph_extractor.pyo
 ${PYSITELIB}/torch/onnx/_internal/fx/fx_onnx_interpreter.py
 ${PYSITELIB}/torch/onnx/_internal/fx/fx_onnx_interpreter.pyc
 ${PYSITELIB}/torch/onnx/_internal/fx/fx_onnx_interpreter.pyo
-${PYSITELIB}/torch/onnx/_internal/fx/fx_symbolic_graph_extractor.py
-${PYSITELIB}/torch/onnx/_internal/fx/fx_symbolic_graph_extractor.pyc
-${PYSITELIB}/torch/onnx/_internal/fx/fx_symbolic_graph_extractor.pyo
 ${PYSITELIB}/torch/onnx/_internal/fx/onnxfunction_dispatcher.py
 ${PYSITELIB}/torch/onnx/_internal/fx/onnxfunction_dispatcher.pyc
 ${PYSITELIB}/torch/onnx/_internal/fx/onnxfunction_dispatcher.pyo
@@ -22176,6 +23116,18 @@ ${PYSITELIB}/torch/onnx/errors.pyo
 ${PYSITELIB}/torch/onnx/operators.py
 ${PYSITELIB}/torch/onnx/operators.pyc
 ${PYSITELIB}/torch/onnx/operators.pyo
+${PYSITELIB}/torch/onnx/ops/__init__.py
+${PYSITELIB}/torch/onnx/ops/__init__.pyc
+${PYSITELIB}/torch/onnx/ops/__init__.pyo
+${PYSITELIB}/torch/onnx/ops/_dtype_mappings.py
+${PYSITELIB}/torch/onnx/ops/_dtype_mappings.pyc
+${PYSITELIB}/torch/onnx/ops/_dtype_mappings.pyo
+${PYSITELIB}/torch/onnx/ops/_impl.py
+${PYSITELIB}/torch/onnx/ops/_impl.pyc
+${PYSITELIB}/torch/onnx/ops/_impl.pyo
+${PYSITELIB}/torch/onnx/ops/_symbolic_impl.py
+${PYSITELIB}/torch/onnx/ops/_symbolic_impl.pyc
+${PYSITELIB}/torch/onnx/ops/_symbolic_impl.pyo
 ${PYSITELIB}/torch/onnx/symbolic_caffe2.py
 ${PYSITELIB}/torch/onnx/symbolic_caffe2.pyc
 ${PYSITELIB}/torch/onnx/symbolic_caffe2.pyo
@@ -22588,6 +23540,9 @@ ${PYSITELIB}/torch/testing/_internal/com
 ${PYSITELIB}/torch/testing/_internal/common_modules.py
 ${PYSITELIB}/torch/testing/_internal/common_modules.pyc
 ${PYSITELIB}/torch/testing/_internal/common_modules.pyo
+${PYSITELIB}/torch/testing/_internal/common_mps.py
+${PYSITELIB}/torch/testing/_internal/common_mps.pyc
+${PYSITELIB}/torch/testing/_internal/common_mps.pyo
 ${PYSITELIB}/torch/testing/_internal/common_nn.py
 ${PYSITELIB}/torch/testing/_internal/common_nn.pyc
 ${PYSITELIB}/torch/testing/_internal/common_nn.pyo
@@ -22735,6 +23690,15 @@ ${PYSITELIB}/torch/testing/_internal/dis
 ${PYSITELIB}/torch/testing/_internal/dynamo_test_failures.py
 ${PYSITELIB}/torch/testing/_internal/dynamo_test_failures.pyc
 ${PYSITELIB}/torch/testing/_internal/dynamo_test_failures.pyo
+${PYSITELIB}/torch/testing/_internal/fake_config_module.py
+${PYSITELIB}/torch/testing/_internal/fake_config_module.pyc
+${PYSITELIB}/torch/testing/_internal/fake_config_module.pyo
+${PYSITELIB}/torch/testing/_internal/fake_config_module2.py
+${PYSITELIB}/torch/testing/_internal/fake_config_module2.pyc
+${PYSITELIB}/torch/testing/_internal/fake_config_module2.pyo
+${PYSITELIB}/torch/testing/_internal/fake_config_module3.py
+${PYSITELIB}/torch/testing/_internal/fake_config_module3.pyc
+${PYSITELIB}/torch/testing/_internal/fake_config_module3.pyo
 ${PYSITELIB}/torch/testing/_internal/generated/__init__.py
 ${PYSITELIB}/torch/testing/_internal/generated/__init__.pyc
 ${PYSITELIB}/torch/testing/_internal/generated/__init__.pyo
@@ -22822,6 +23786,9 @@ ${PYSITELIB}/torch/testing/_internal/qua
 ${PYSITELIB}/torch/testing/_internal/static_module.py
 ${PYSITELIB}/torch/testing/_internal/static_module.pyc
 ${PYSITELIB}/torch/testing/_internal/static_module.pyo
+${PYSITELIB}/torch/testing/_internal/subclasses.py
+${PYSITELIB}/torch/testing/_internal/subclasses.pyc
+${PYSITELIB}/torch/testing/_internal/subclasses.pyo
 ${PYSITELIB}/torch/testing/_internal/test_module/__init__.py
 ${PYSITELIB}/torch/testing/_internal/test_module/__init__.pyc
 ${PYSITELIB}/torch/testing/_internal/test_module/__init__.pyo
@@ -22852,6 +23819,9 @@ ${PYSITELIB}/torch/types.pyo
 ${PYSITELIB}/torch/utils/__init__.py
 ${PYSITELIB}/torch/utils/__init__.pyc
 ${PYSITELIB}/torch/utils/__init__.pyo
+${PYSITELIB}/torch/utils/_appending_byte_serializer.py
+${PYSITELIB}/torch/utils/_appending_byte_serializer.pyc
+${PYSITELIB}/torch/utils/_appending_byte_serializer.pyo
 ${PYSITELIB}/torch/utils/_backport_slots.py
 ${PYSITELIB}/torch/utils/_backport_slots.pyc
 ${PYSITELIB}/torch/utils/_backport_slots.pyo
@@ -22865,6 +23835,9 @@ ${PYSITELIB}/torch/utils/_content_store.
 ${PYSITELIB}/torch/utils/_contextlib.py
 ${PYSITELIB}/torch/utils/_contextlib.pyc
 ${PYSITELIB}/torch/utils/_contextlib.pyo
+${PYSITELIB}/torch/utils/_cpp_embed_headers.py
+${PYSITELIB}/torch/utils/_cpp_embed_headers.pyc
+${PYSITELIB}/torch/utils/_cpp_embed_headers.pyo
 ${PYSITELIB}/torch/utils/_cpp_extension_versioner.py
 ${PYSITELIB}/torch/utils/_cpp_extension_versioner.pyc
 ${PYSITELIB}/torch/utils/_cpp_extension_versioner.pyo
@@ -22874,18 +23847,30 @@ ${PYSITELIB}/torch/utils/_cxx_pytree.pyo
 ${PYSITELIB}/torch/utils/_device.py
 ${PYSITELIB}/torch/utils/_device.pyc
 ${PYSITELIB}/torch/utils/_device.pyo
+${PYSITELIB}/torch/utils/_dtype_abbrs.py
+${PYSITELIB}/torch/utils/_dtype_abbrs.pyc
+${PYSITELIB}/torch/utils/_dtype_abbrs.pyo
 ${PYSITELIB}/torch/utils/_exposed_in.py
 ${PYSITELIB}/torch/utils/_exposed_in.pyc
 ${PYSITELIB}/torch/utils/_exposed_in.pyo
+${PYSITELIB}/torch/utils/_filelock.py
+${PYSITELIB}/torch/utils/_filelock.pyc
+${PYSITELIB}/torch/utils/_filelock.pyo
 ${PYSITELIB}/torch/utils/_foreach_utils.py
 ${PYSITELIB}/torch/utils/_foreach_utils.pyc
 ${PYSITELIB}/torch/utils/_foreach_utils.pyo
 ${PYSITELIB}/torch/utils/_freeze.py
 ${PYSITELIB}/torch/utils/_freeze.pyc
 ${PYSITELIB}/torch/utils/_freeze.pyo
+${PYSITELIB}/torch/utils/_functools.py
+${PYSITELIB}/torch/utils/_functools.pyc
+${PYSITELIB}/torch/utils/_functools.pyo
 ${PYSITELIB}/torch/utils/_get_clean_triton.py
 ${PYSITELIB}/torch/utils/_get_clean_triton.pyc
 ${PYSITELIB}/torch/utils/_get_clean_triton.pyo
+${PYSITELIB}/torch/utils/_helion.py
+${PYSITELIB}/torch/utils/_helion.pyc
+${PYSITELIB}/torch/utils/_helion.pyo
 ${PYSITELIB}/torch/utils/_import_utils.py
 ${PYSITELIB}/torch/utils/_import_utils.pyc
 ${PYSITELIB}/torch/utils/_import_utils.pyo
@@ -22922,6 +23907,9 @@ ${PYSITELIB}/torch/utils/_sympy/interp.p
 ${PYSITELIB}/torch/utils/_sympy/numbers.py
 ${PYSITELIB}/torch/utils/_sympy/numbers.pyc
 ${PYSITELIB}/torch/utils/_sympy/numbers.pyo
+${PYSITELIB}/torch/utils/_sympy/printers.py
+${PYSITELIB}/torch/utils/_sympy/printers.pyc
+${PYSITELIB}/torch/utils/_sympy/printers.pyo
 ${PYSITELIB}/torch/utils/_sympy/reference.py
 ${PYSITELIB}/torch/utils/_sympy/reference.pyc
 ${PYSITELIB}/torch/utils/_sympy/reference.pyo
@@ -22964,9 +23952,6 @@ ${PYSITELIB}/torch/utils/benchmark/__ini
 ${PYSITELIB}/torch/utils/benchmark/examples/__init__.py
 ${PYSITELIB}/torch/utils/benchmark/examples/__init__.pyc
 ${PYSITELIB}/torch/utils/benchmark/examples/__init__.pyo
-${PYSITELIB}/torch/utils/benchmark/examples/blas_compare_setup.py
-${PYSITELIB}/torch/utils/benchmark/examples/blas_compare_setup.pyc
-${PYSITELIB}/torch/utils/benchmark/examples/blas_compare_setup.pyo
 ${PYSITELIB}/torch/utils/benchmark/examples/compare.py
 ${PYSITELIB}/torch/utils/benchmark/examples/compare.pyc
 ${PYSITELIB}/torch/utils/benchmark/examples/compare.pyo
@@ -23259,6 +24244,12 @@ ${PYSITELIB}/torch/utils/model_zoo.pyo
 ${PYSITELIB}/torch/utils/module_tracker.py
 ${PYSITELIB}/torch/utils/module_tracker.pyc
 ${PYSITELIB}/torch/utils/module_tracker.pyo
+${PYSITELIB}/torch/utils/serialization/__init__.py
+${PYSITELIB}/torch/utils/serialization/__init__.pyc
+${PYSITELIB}/torch/utils/serialization/__init__.pyo
+${PYSITELIB}/torch/utils/serialization/config.py
+${PYSITELIB}/torch/utils/serialization/config.pyc
+${PYSITELIB}/torch/utils/serialization/config.pyo
 ${PYSITELIB}/torch/utils/show_pickle.py
 ${PYSITELIB}/torch/utils/show_pickle.pyc
 ${PYSITELIB}/torch/utils/show_pickle.pyo
@@ -23406,36 +24397,6 @@ ${PYSITELIB}/torchgen/dest/register_disp
 ${PYSITELIB}/torchgen/dest/ufunc.py
 ${PYSITELIB}/torchgen/dest/ufunc.pyc
 ${PYSITELIB}/torchgen/dest/ufunc.pyo
-${PYSITELIB}/torchgen/executorch/__init__.py
-${PYSITELIB}/torchgen/executorch/__init__.pyc
-${PYSITELIB}/torchgen/executorch/__init__.pyo
-${PYSITELIB}/torchgen/executorch/api/__init__.py
-${PYSITELIB}/torchgen/executorch/api/__init__.pyc
-${PYSITELIB}/torchgen/executorch/api/__init__.pyo
-${PYSITELIB}/torchgen/executorch/api/custom_ops.py
-${PYSITELIB}/torchgen/executorch/api/custom_ops.pyc
-${PYSITELIB}/torchgen/executorch/api/custom_ops.pyo
-${PYSITELIB}/torchgen/executorch/api/et_cpp.py
-${PYSITELIB}/torchgen/executorch/api/et_cpp.pyc
-${PYSITELIB}/torchgen/executorch/api/et_cpp.pyo
-${PYSITELIB}/torchgen/executorch/api/types/__init__.py
-${PYSITELIB}/torchgen/executorch/api/types/__init__.pyc
-${PYSITELIB}/torchgen/executorch/api/types/__init__.pyo
-${PYSITELIB}/torchgen/executorch/api/types/signatures.py
-${PYSITELIB}/torchgen/executorch/api/types/signatures.pyc
-${PYSITELIB}/torchgen/executorch/api/types/signatures.pyo
-${PYSITELIB}/torchgen/executorch/api/types/types.py
-${PYSITELIB}/torchgen/executorch/api/types/types.pyc
-${PYSITELIB}/torchgen/executorch/api/types/types.pyo
-${PYSITELIB}/torchgen/executorch/api/unboxing.py
-${PYSITELIB}/torchgen/executorch/api/unboxing.pyc
-${PYSITELIB}/torchgen/executorch/api/unboxing.pyo
-${PYSITELIB}/torchgen/executorch/model.py
-${PYSITELIB}/torchgen/executorch/model.pyc
-${PYSITELIB}/torchgen/executorch/model.pyo
-${PYSITELIB}/torchgen/executorch/parse.py
-${PYSITELIB}/torchgen/executorch/parse.pyc
-${PYSITELIB}/torchgen/executorch/parse.pyo
 ${PYSITELIB}/torchgen/gen.py
 ${PYSITELIB}/torchgen/gen.pyc
 ${PYSITELIB}/torchgen/gen.pyo
@@ -23445,9 +24406,6 @@ ${PYSITELIB}/torchgen/gen_aoti_c_shim.py
 ${PYSITELIB}/torchgen/gen_backend_stubs.py
 ${PYSITELIB}/torchgen/gen_backend_stubs.pyc
 ${PYSITELIB}/torchgen/gen_backend_stubs.pyo
-${PYSITELIB}/torchgen/gen_executorch.py
-${PYSITELIB}/torchgen/gen_executorch.pyc
-${PYSITELIB}/torchgen/gen_executorch.pyo
 ${PYSITELIB}/torchgen/gen_functionalization_type.py
 ${PYSITELIB}/torchgen/gen_functionalization_type.pyc
 ${PYSITELIB}/torchgen/gen_functionalization_type.pyo

Index: pkgsrc/math/py-torch/distinfo
diff -u pkgsrc/math/py-torch/distinfo:1.4 pkgsrc/math/py-torch/distinfo:1.5
--- pkgsrc/math/py-torch/distinfo:1.4   Tue Aug 19 15:05:38 2025
+++ pkgsrc/math/py-torch/distinfo       Sat Sep 27 01:19:55 2025
@@ -1,9 +1,8 @@
-$NetBSD: distinfo,v 1.4 2025/08/19 15:05:38 wiz Exp $
+$NetBSD: distinfo,v 1.5 2025/09/27 01:19:55 ryoon Exp $
 
-BLAKE2s (pytorch-v2.5.1.tar.gz) = 299bbffbdde5673d420cf21f08c3bcc518b233e63a19231e6a631980849bd8b9
-SHA512 (pytorch-v2.5.1.tar.gz) = a8882608c2ab6467a58d60c6df84c9f1004b43eafeba57db499dbbfdecc09db2e221b9d4c344c8af7c0bea6252e874c400483502dca24a0b474c376b9fef1dd4
-Size (pytorch-v2.5.1.tar.gz) = 298929057 bytes
-SHA1 (patch-c10_core_Scalar.h) = bc7a922886c2683589d1dc428c55ac43b3a36716
+BLAKE2s (pytorch-v2.8.0.tar.gz) = 3f03dc30835f2e81fc4b676c10f74487d5ca995fe0e6f11c7031070042991b30
+SHA512 (pytorch-v2.8.0.tar.gz) = 791e658eab87fb957f025558cb9f925078d2426ab7b6f60771d9841dfb691f67d905ba1330a800008efe7c938b6c69bdc52232bccfe8d4860e795a532cd69d28
+Size (pytorch-v2.8.0.tar.gz) = 330943132 bytes
 SHA1 (patch-c10_macros_Macros.h) = d2b9b14000767b25babe15166b1b825a00cfc4ea
 SHA1 (patch-cmake_Dependencies.cmake) = d524cb2a811788d801f086a3a84625f4c3dc3bf8
 SHA1 (patch-cmake_Modules_FindBLAS.cmake) = fd29b5e717eda52f249ee3cff04e6fdd6c398cc2
@@ -15,15 +14,14 @@ SHA1 (patch-third__party_cpuinfo_src_ini
 SHA1 (patch-third__party_cpuinfo_src_netbsd_api.h) = 018be10b2cb520f870fcc479610bf5200b977bc9
 SHA1 (patch-third__party_cpuinfo_src_netbsd_topology.c) = 5138bf2355bc70042f5ce9f7a019d315be038bca
 SHA1 (patch-third__party_cpuinfo_src_x86_netbsd_init.c) = 52bcc18d780736b6f56f478b90dd81eede2fb499
-SHA1 (patch-third__party_fbgemm_third__party_cpuinfo_src_init.c) = 0bb63c242f06cb189a24c4dbfad77bdc59d6b092
-SHA1 (patch-third__party_gloo_CMakeLists.txt) = 4209a7bc930ce6697e98f8471e2bef0b5e35157d
-SHA1 (patch-third__party_ittapi_CMakeLists.txt) = 238a57c4a007a04537d438c5fb8e21d16be59877
-SHA1 (patch-third__party_kineto_libkineto_src_ThreadUtil.cpp) = cb6462eea995445c8f65592bf427605e781000f9
+SHA1 (patch-third__party_fbgemm_external_cpuinfo_src_init.c) = e80d9b9aaf26cfa2871495c9e9c82cedad4c7660
+SHA1 (patch-third__party_kineto_libkineto_src_ThreadUtil.cpp) = e3084e19835b5b0d7c33fe181f2608bea8b62623
 SHA1 (patch-third__party_protobuf_cmake_CMakeLists.txt) = 20926b73cb40cde56170dd15c0abd9830ec50c3e
 SHA1 (patch-third__party_protobuf_post__process__dist.sh) = b27d6497f8649491441ef3a2bfc9eb5fa22ba474
 SHA1 (patch-third__party_psimd_CMakeLists.txt) = 8c1a0b0ed20b01585fa49115a98611877c8218be
 SHA1 (patch-third__party_tensorpipe_tensorpipe_common_system.cc) = 6f714d89681c245d531809fbf64b2b9c77fce84d
 SHA1 (patch-third__party_tensorpipe_third__party_libuv_CMakeLists.txt) = a22fc6bd450c2b52a774543c3785107580eec980
-SHA1 (patch-torch_csrc_distributed_c10d_ProcessGroupGloo.cpp) = 2c56c736040090040aa04d8d446ead61bb3b207c
+SHA1 (patch-tools_build__pytorch__libs.py) = 4385fac04bc5a80fc31fadcddd405bb89eded062
+SHA1 (patch-torch_csrc_distributed_c10d_ProcessGroupGloo.cpp) = beb79ca2567df69d4d3020644b8760c2b3ec30dd
 SHA1 (patch-torch_csrc_distributed_c10d_socket.cpp) = cace5d33d59bb8fec1933e74223049e5d63aa0a9
 SHA1 (patch-torch_csrc_utils_byte__order.h) = 089495773fbd7e7340dbd7545341c56d2f4de9b3

Index: pkgsrc/math/py-torch/patches/patch-third__party_kineto_libkineto_src_ThreadUtil.cpp
diff -u pkgsrc/math/py-torch/patches/patch-third__party_kineto_libkineto_src_ThreadUtil.cpp:1.1 pkgsrc/math/py-torch/patches/patch-third__party_kineto_libkineto_src_ThreadUtil.cpp:1.2
--- pkgsrc/math/py-torch/patches/patch-third__party_kineto_libkineto_src_ThreadUtil.cpp:1.1     Tue Jan 21 13:36:49 2025
+++ pkgsrc/math/py-torch/patches/patch-third__party_kineto_libkineto_src_ThreadUtil.cpp Sat Sep 27 01:19:55 2025
@@ -1,10 +1,10 @@
-$NetBSD: patch-third__party_kineto_libkineto_src_ThreadUtil.cpp,v 1.1 2025/01/21 13:36:49 ryoon Exp $
+$NetBSD: patch-third__party_kineto_libkineto_src_ThreadUtil.cpp,v 1.2 2025/09/27 01:19:55 ryoon Exp $
 
 * Support NetBSD.
 
---- third_party/kineto/libkineto/src/ThreadUtil.cpp.orig       2024-10-29 18:00:46.000000000 +0000
+--- third_party/kineto/libkineto/src/ThreadUtil.cpp.orig       2025-08-06 17:08:03.000000000 +0000
 +++ third_party/kineto/libkineto/src/ThreadUtil.cpp
-@@ -23,6 +23,10 @@
+@@ -27,6 +27,10 @@
  #undef ERROR
  #endif // _WIN32
  
@@ -15,19 +15,19 @@ $NetBSD: patch-third__party_kineto_libki
  #ifdef __ANDROID__
  #include <sys/prctl.h>
  #endif
-@@ -58,6 +62,8 @@ int32_t systemThreadId() {
-     _sysTid = (int32_t)GetCurrentThreadId();
- #elif defined __FreeBSD__
-     syscall(SYS_thr_self, &_sysTid);
+@@ -90,6 +94,8 @@ int32_t systemThreadId(bool cache) {
+     syscall(SYS_thr_self, &sysTid);
+ #elif defined _AIX
+     sysTid = pthread_self();
 +#elif defined __NetBSD__
-+    _sysTid = (int32_t)_lwp_self();
++    sysTid = (int32_t)_lwp_self();
  #else
-     _sysTid = (int32_t)syscall(SYS_gettid);
+     sysTid = (int32_t)syscall(SYS_gettid);
  #endif
-@@ -111,6 +117,8 @@ bool setThreadName(const std::string& na
-   std::wstring wname = conv.from_bytes(name);
-   HRESULT hr = _SetThreadDescription(GetCurrentThread(), wname.c_str());
+@@ -161,6 +167,8 @@ bool setThreadName(const std::string& na
    return SUCCEEDED(hr);
+ #elif defined _AIX
+   return 0;
 +#elif defined(__NetBSD__)
 +  return 0 == pthread_setname_np(pthread_self(), "thread_%s", const_cast<char *>(name.c_str()));
  #else

Index: pkgsrc/math/py-torch/patches/patch-torch_csrc_distributed_c10d_ProcessGroupGloo.cpp
diff -u pkgsrc/math/py-torch/patches/patch-torch_csrc_distributed_c10d_ProcessGroupGloo.cpp:1.2 pkgsrc/math/py-torch/patches/patch-torch_csrc_distributed_c10d_ProcessGroupGloo.cpp:1.3
--- pkgsrc/math/py-torch/patches/patch-torch_csrc_distributed_c10d_ProcessGroupGloo.cpp:1.2     Sun Jan 26 12:33:03 2025
+++ pkgsrc/math/py-torch/patches/patch-torch_csrc_distributed_c10d_ProcessGroupGloo.cpp Sat Sep 27 01:19:55 2025
@@ -1,10 +1,10 @@
-$NetBSD: patch-torch_csrc_distributed_c10d_ProcessGroupGloo.cpp,v 1.2 2025/01/26 12:33:03 wiz Exp $
+$NetBSD: patch-torch_csrc_distributed_c10d_ProcessGroupGloo.cpp,v 1.3 2025/09/27 01:19:55 ryoon Exp $
 
 * Support NetBSD.
 
---- torch/csrc/distributed/c10d/ProcessGroupGloo.cpp.orig      2025-01-21 17:59:06.880466509 +0000
+--- torch/csrc/distributed/c10d/ProcessGroupGloo.cpp.orig      2025-08-06 17:08:06.000000000 +0000
 +++ torch/csrc/distributed/c10d/ProcessGroupGloo.cpp
-@@ -16,6 +16,10 @@
+@@ -21,6 +21,10 @@
  #include <netdb.h>
  #include <sys/socket.h>
  #include <unistd.h>
@@ -15,12 +15,12 @@ $NetBSD: patch-torch_csrc_distributed_c1
  #endif
  #include <sys/types.h>
  
-@@ -693,7 +697,7 @@ std::shared_ptr<::gloo::transport::Devic
-   return ::c10d::GlooDeviceFactory::makeDeviceForHostname(hostname);
+@@ -491,7 +495,7 @@ std::shared_ptr<::gloo::transport::Devic
+   return ::c10d::GlooDeviceFactory::makeDeviceForHostname(hostname, lazyInit);
  }
  
 -#if defined(__linux__) || defined(_WIN32)
 +#if defined(__linux__) || defined(_WIN32) || defined(__NetBSD__)
  std::shared_ptr<::gloo::transport::Device> ProcessGroupGloo::
-     createDefaultDevice() {
+     createDefaultDevice(bool lazyInit) {
    // Use the hostname to resolve the network address to

Added files:

Index: pkgsrc/math/py-torch/patches/patch-third__party_fbgemm_external_cpuinfo_src_init.c
diff -u /dev/null pkgsrc/math/py-torch/patches/patch-third__party_fbgemm_external_cpuinfo_src_init.c:1.1
--- /dev/null   Sat Sep 27 01:19:55 2025
+++ pkgsrc/math/py-torch/patches/patch-third__party_fbgemm_external_cpuinfo_src_init.c  Sat Sep 27 01:19:55 2025
@@ -0,0 +1,13 @@
+$NetBSD: patch-third__party_fbgemm_external_cpuinfo_src_init.c,v 1.1 2025/09/27 01:19:55 ryoon Exp $
+
+--- third_party/fbgemm/external/cpuinfo/src/init.c.orig        2025-08-16 20:50:13.480312485 +0000
++++ third_party/fbgemm/external/cpuinfo/src/init.c
+@@ -28,6 +28,8 @@ bool CPUINFO_ABI cpuinfo_initialize(void
+       pthread_once(&init_guard, &cpuinfo_x86_linux_init);
+ #elif defined(_WIN32) || defined(__CYGWIN__)
+       InitOnceExecuteOnce(&init_guard, &cpuinfo_x86_windows_init, NULL, NULL);
++#elif defined(__NetBSD__)
++      pthread_once(&init_guard, &cpuinfo_x86_netbsd_init);
+ #else
+       cpuinfo_log_error("operating system is not supported in cpuinfo");
+ #endif
Index: pkgsrc/math/py-torch/patches/patch-tools_build__pytorch__libs.py
diff -u /dev/null pkgsrc/math/py-torch/patches/patch-tools_build__pytorch__libs.py:1.1
--- /dev/null   Sat Sep 27 01:19:55 2025
+++ pkgsrc/math/py-torch/patches/patch-tools_build__pytorch__libs.py    Sat Sep 27 01:19:55 2025
@@ -0,0 +1,17 @@
+$NetBSD: patch-tools_build__pytorch__libs.py,v 1.1 2025/09/27 01:19:55 ryoon Exp $
+
+--- tools/build_pytorch_libs.py.orig   2025-08-06 17:08:06.000000000 +0000
++++ tools/build_pytorch_libs.py
+@@ -86,12 +86,6 @@ def build_pytorch(
+     cmake: CMake,
+ ) -> None:
+     my_env = _create_build_env()
+-    if (
+-        not check_negative_env_flag("USE_CUDA")
+-        and not check_negative_env_flag("USE_NCCL")
+-        and not check_env_flag("USE_SYSTEM_NCCL")
+-    ):
+-        checkout_nccl()
+     build_test = not check_negative_env_flag("BUILD_TEST")
+     cmake.generate(
+         version, cmake_python_library, build_python, build_test, my_env, rerun_cmake



Home | Main Index | Thread Index | Old Index