mirror of
				https://github.com/pytorch/pytorch.git
				synced 2025-10-31 20:34:54 +08:00 
			
		
		
		
	Compare commits
	
		
			39 Commits
		
	
	
		
			add_conv3d
			...
			v2.8.0-rc5
		
	
	| Author | SHA1 | Date | |
|---|---|---|---|
| b53536b427 | |||
| ff2170c940 | |||
| f0101fd29f | |||
| bd17a453df | |||
| 983b95f90b | |||
| 175782834a | |||
| 6e08036e2b | |||
| fd227e5208 | |||
| 058b58ac9d | |||
| 0afa9afa5e | |||
| d24444a4cf | |||
| f885f15603 | |||
| d1d97caf15 | |||
| b0543d6b7c | |||
| 6550831051 | |||
| a83d7ae76a | |||
| 90d16ee800 | |||
| f6166e4427 | |||
| 30a9a25b15 | |||
| 347259f35a | |||
| 9fd946f04e | |||
| 7228ea51f8 | |||
| 8b879b0cac | |||
| b10409a417 | |||
| 0cb3b840b0 | |||
| d91af204d8 | |||
| 3db12a59d7 | |||
| 2b0f8e9c86 | |||
| 8e00a755d6 | |||
| 3e6f088e40 | |||
| 9f3fd07c40 | |||
| 7d5aff5f25 | |||
| ec45b4c0fe | |||
| 4f0798f34d | |||
| 998ffd4b25 | |||
| 3d53a53e50 | |||
| 03eb1e40f9 | |||
| 8de5ce7155 | |||
| 421d45d9a1 | 
| @ -4,7 +4,7 @@ set -eux -o pipefail | |||||||
| GPU_ARCH_VERSION=${GPU_ARCH_VERSION:-} | GPU_ARCH_VERSION=${GPU_ARCH_VERSION:-} | ||||||
|  |  | ||||||
| if [[ "$GPU_ARCH_VERSION" == *"12.9"* ]]; then | if [[ "$GPU_ARCH_VERSION" == *"12.9"* ]]; then | ||||||
|     export TORCH_CUDA_ARCH_LIST="9.0;10.0;12.0" |     export TORCH_CUDA_ARCH_LIST="8.0;9.0;10.0;12.0" | ||||||
| fi | fi | ||||||
|  |  | ||||||
| SCRIPTPATH="$( cd -- "$(dirname "$0")" >/dev/null 2>&1 ; pwd -P )" | SCRIPTPATH="$( cd -- "$(dirname "$0")" >/dev/null 2>&1 ; pwd -P )" | ||||||
|  | |||||||
| @ -88,6 +88,7 @@ def package_cuda_wheel(wheel_path, desired_cuda) -> None: | |||||||
|         "/usr/local/cuda/lib64/libcusparseLt.so.0", |         "/usr/local/cuda/lib64/libcusparseLt.so.0", | ||||||
|         "/usr/local/cuda/lib64/libcusolver.so.11", |         "/usr/local/cuda/lib64/libcusolver.so.11", | ||||||
|         "/usr/local/cuda/lib64/libcurand.so.10", |         "/usr/local/cuda/lib64/libcurand.so.10", | ||||||
|  |         "/usr/local/cuda/lib64/libnccl.so.2", | ||||||
|         "/usr/local/cuda/lib64/libnvJitLink.so.12", |         "/usr/local/cuda/lib64/libnvJitLink.so.12", | ||||||
|         "/usr/local/cuda/lib64/libnvrtc.so.12", |         "/usr/local/cuda/lib64/libnvrtc.so.12", | ||||||
|         "/usr/local/cuda/lib64/libcudnn_adv.so.9", |         "/usr/local/cuda/lib64/libcudnn_adv.so.9", | ||||||
|  | |||||||
| @ -1 +1 @@ | |||||||
| c8757738a7418249896224430ce84888e8ecdd79 | ae848267bebc65c6181e8cc5e64a6357d2679260 | ||||||
|  | |||||||
| @ -20,7 +20,7 @@ pip_install \ | |||||||
|  |  | ||||||
| pip_install coloredlogs packaging | pip_install coloredlogs packaging | ||||||
| pip_install onnxruntime==1.18.1 | pip_install onnxruntime==1.18.1 | ||||||
| pip_install onnxscript==0.3.0 | pip_install onnxscript==0.3.1 | ||||||
|  |  | ||||||
| # Cache the transformers model to be used later by ONNX tests. We need to run the transformers | # Cache the transformers model to be used later by ONNX tests. We need to run the transformers | ||||||
| # package to download the model. By default, the model is cached at ~/.cache/huggingface/hub/ | # package to download the model. By default, the model is cached at ~/.cache/huggingface/hub/ | ||||||
|  | |||||||
| @ -339,7 +339,7 @@ onnx==1.18.0 | |||||||
| #Pinned versions: | #Pinned versions: | ||||||
| #test that import: | #test that import: | ||||||
|  |  | ||||||
| onnxscript==0.2.6 | onnxscript==0.3.1 | ||||||
| #Description: Required by mypy and test_public_bindings.py when checking torch.onnx._internal | #Description: Required by mypy and test_public_bindings.py when checking torch.onnx._internal | ||||||
| #Pinned versions: | #Pinned versions: | ||||||
| #test that import: | #test that import: | ||||||
|  | |||||||
| @ -1 +1 @@ | |||||||
| 3.3.1 | 3.4.0 | ||||||
|  | |||||||
| @ -51,20 +51,23 @@ else | |||||||
| fi | fi | ||||||
|  |  | ||||||
| cuda_version_nodot=$(echo $CUDA_VERSION | tr -d '.') | cuda_version_nodot=$(echo $CUDA_VERSION | tr -d '.') | ||||||
|  | EXTRA_CAFFE2_CMAKE_FLAGS+=("-DATEN_NO_TEST=ON") | ||||||
|  |  | ||||||
| TORCH_CUDA_ARCH_LIST="5.0;6.0;7.0;7.5;8.0;8.6" |  | ||||||
| case ${CUDA_VERSION} in | case ${CUDA_VERSION} in | ||||||
|     12.8|12.9) |     #removing sm_50-sm_60 as these architectures are deprecated in CUDA 12.8/9 and will be removed in future releases | ||||||
|         TORCH_CUDA_ARCH_LIST="7.5;8.0;8.6;9.0;10.0;12.0+PTX" #removing sm_50-sm_70 as these architectures are deprecated in CUDA 12.8/9 and will be removed in future releases |     #however we would like to keep sm_70 architecture see: https://github.com/pytorch/pytorch/issues/157517 | ||||||
|         EXTRA_CAFFE2_CMAKE_FLAGS+=("-DATEN_NO_TEST=ON") |     12.8) | ||||||
|  |         TORCH_CUDA_ARCH_LIST="7.0;7.5;8.0;8.6;9.0;10.0;12.0" | ||||||
|  |         ;; | ||||||
|  |     12.9) | ||||||
|  |         TORCH_CUDA_ARCH_LIST="7.0;7.5;8.0;8.6;9.0;10.0;12.0+PTX" | ||||||
|         # WAR to resolve the ld error in libtorch build with CUDA 12.9 |         # WAR to resolve the ld error in libtorch build with CUDA 12.9 | ||||||
|         if [[ "$DESIRED_CUDA" == "cu129" && "$PACKAGE_TYPE" == "libtorch" ]]; then |         if [[ "$PACKAGE_TYPE" == "libtorch" ]]; then | ||||||
|             TORCH_CUDA_ARCH_LIST="7.5;8.0;9.0;10.0;12.0+PTX" |             TORCH_CUDA_ARCH_LIST="7.5;8.0;9.0;10.0;12.0+PTX" | ||||||
|         fi |         fi | ||||||
|         ;; |         ;; | ||||||
|     12.6) |     12.6) | ||||||
|         TORCH_CUDA_ARCH_LIST="${TORCH_CUDA_ARCH_LIST};9.0" |         TORCH_CUDA_ARCH_LIST="5.0;6.0;7.0;7.5;8.0;8.6;9.0" | ||||||
|         EXTRA_CAFFE2_CMAKE_FLAGS+=("-DATEN_NO_TEST=ON") |  | ||||||
|         ;; |         ;; | ||||||
|     *) |     *) | ||||||
|         echo "unknown cuda version $CUDA_VERSION" |         echo "unknown cuda version $CUDA_VERSION" | ||||||
| @ -165,7 +168,6 @@ if [[ $CUDA_VERSION == 12* ]]; then | |||||||
|             '$ORIGIN/../../nvidia/cusparselt/lib' |             '$ORIGIN/../../nvidia/cusparselt/lib' | ||||||
|             '$ORIGIN/../../cusparselt/lib' |             '$ORIGIN/../../cusparselt/lib' | ||||||
|             '$ORIGIN/../../nvidia/nccl/lib' |             '$ORIGIN/../../nvidia/nccl/lib' | ||||||
|             '$ORIGIN/../../nvidia/nvshmem/lib' |  | ||||||
|             '$ORIGIN/../../nvidia/nvtx/lib' |             '$ORIGIN/../../nvidia/nvtx/lib' | ||||||
|             '$ORIGIN/../../nvidia/cufile/lib' |             '$ORIGIN/../../nvidia/cufile/lib' | ||||||
|         ) |         ) | ||||||
|  | |||||||
| @ -197,7 +197,7 @@ function install_torchrec_and_fbgemm() { | |||||||
|  |  | ||||||
| function clone_pytorch_xla() { | function clone_pytorch_xla() { | ||||||
|   if [[ ! -d ./xla ]]; then |   if [[ ! -d ./xla ]]; then | ||||||
|     git clone --recursive --quiet https://github.com/pytorch/xla.git |     git clone --recursive -b r2.8 https://github.com/pytorch/xla.git | ||||||
|     pushd xla |     pushd xla | ||||||
|     # pin the xla hash so that we don't get broken by changes to xla |     # pin the xla hash so that we don't get broken by changes to xla | ||||||
|     git checkout "$(cat ../.github/ci_commit_pins/xla.txt)" |     git checkout "$(cat ../.github/ci_commit_pins/xla.txt)" | ||||||
|  | |||||||
| @ -361,6 +361,17 @@ test_dynamo_wrapped_shard() { | |||||||
|   assert_git_not_dirty |   assert_git_not_dirty | ||||||
| } | } | ||||||
|  |  | ||||||
|  | test_einops() { | ||||||
|  |   pip install einops==0.6.1 | ||||||
|  |   time python test/run_test.py --einops --verbose --upload-artifacts-while-running | ||||||
|  |   pip install einops==0.7.0 | ||||||
|  |   time python test/run_test.py --einops --verbose --upload-artifacts-while-running | ||||||
|  |   pip install einops==0.8.1 | ||||||
|  |   time python test/run_test.py --einops --verbose --upload-artifacts-while-running | ||||||
|  |   assert_git_not_dirty | ||||||
|  | } | ||||||
|  |  | ||||||
|  |  | ||||||
| test_inductor_distributed() { | test_inductor_distributed() { | ||||||
|   # Smuggle a few multi-gpu tests here so that we don't have to request another large node |   # Smuggle a few multi-gpu tests here so that we don't have to request another large node | ||||||
|   echo "Testing multi_gpu tests in test_torchinductor" |   echo "Testing multi_gpu tests in test_torchinductor" | ||||||
| @ -1695,6 +1706,8 @@ elif [[ "${TEST_CONFIG}" == *inductor* ]]; then | |||||||
|       test_inductor_distributed |       test_inductor_distributed | ||||||
|     fi |     fi | ||||||
|   fi |   fi | ||||||
|  | elif [[ "${TEST_CONFIG}" == *einops* ]]; then | ||||||
|  |   test_einops | ||||||
| elif [[ "${TEST_CONFIG}" == *dynamo_wrapped* ]]; then | elif [[ "${TEST_CONFIG}" == *dynamo_wrapped* ]]; then | ||||||
|   install_torchvision |   install_torchvision | ||||||
|   test_dynamo_wrapped_shard "${SHARD_NUMBER}" |   test_dynamo_wrapped_shard "${SHARD_NUMBER}" | ||||||
|  | |||||||
| @ -28,10 +28,10 @@ IF "%CUDA_PATH_V129%"=="" ( | |||||||
| ) | ) | ||||||
|  |  | ||||||
| IF "%BUILD_VISION%" == "" ( | IF "%BUILD_VISION%" == "" ( | ||||||
|     set TORCH_CUDA_ARCH_LIST=7.5;8.0;8.6;9.0;10.0;12.0 |     set TORCH_CUDA_ARCH_LIST=7.0;7.5;8.0;8.6;9.0;10.0;12.0 | ||||||
|     set TORCH_NVCC_FLAGS=-Xfatbin -compress-all |     set TORCH_NVCC_FLAGS=-Xfatbin -compress-all | ||||||
| ) ELSE ( | ) ELSE ( | ||||||
|     set NVCC_FLAGS=-D__CUDA_NO_HALF_OPERATORS__ --expt-relaxed-constexpr -gencode=arch=compute_75,code=sm_75 -gencode=arch=compute_80,code=compute_80 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_90,code=compute_90 -gencode=arch=compute_100,code=compute_100 -gencode=arch=compute_120,code=compute_120 |     set NVCC_FLAGS=-D__CUDA_NO_HALF_OPERATORS__ --expt-relaxed-constexpr -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -gencode=arch=compute_80,code=compute_80 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_90,code=compute_90 -gencode=arch=compute_100,code=compute_100 -gencode=arch=compute_120,code=compute_120 | ||||||
| ) | ) | ||||||
|  |  | ||||||
| set "CUDA_PATH=%CUDA_PATH_V129%" | set "CUDA_PATH=%CUDA_PATH_V129%" | ||||||
|  | |||||||
| @ -75,8 +75,8 @@ TRITON_VERSION=$(cat $PYTORCH_ROOT/.ci/docker/triton_version.txt) | |||||||
| # Here PYTORCH_EXTRA_INSTALL_REQUIREMENTS is already set for the all the wheel builds hence append TRITON_CONSTRAINT | # Here PYTORCH_EXTRA_INSTALL_REQUIREMENTS is already set for the all the wheel builds hence append TRITON_CONSTRAINT | ||||||
| TRITON_CONSTRAINT="platform_system == 'Linux' and platform_machine == 'x86_64'" | TRITON_CONSTRAINT="platform_system == 'Linux' and platform_machine == 'x86_64'" | ||||||
|  |  | ||||||
| # CUDA 12.8 builds have triton for Linux and Linux aarch64 binaries. | # CUDA 12.9 builds have triton for Linux and Linux aarch64 binaries. | ||||||
| if [[ "$DESIRED_CUDA" == cu128 ]]; then | if [[ "$DESIRED_CUDA" == "cu129" ]]; then | ||||||
|   TRITON_CONSTRAINT="platform_system == 'Linux'" |   TRITON_CONSTRAINT="platform_system == 'Linux'" | ||||||
| fi | fi | ||||||
|  |  | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/ci_commit_pins/xla.txt
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/ci_commit_pins/xla.txt
									
									
									
									
										vendored
									
									
								
							| @ -1 +1 @@ | |||||||
| 55a75404c9b75cd5fd62ab5d4deafc8c506b3af2 | r2.8 | ||||||
|  | |||||||
							
								
								
									
										4
									
								
								.github/scripts/filter_test_configs.py
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										4
									
								
								.github/scripts/filter_test_configs.py
									
									
									
									
										vendored
									
									
								
							| @ -40,9 +40,9 @@ SUPPORTED_PERIODICAL_MODES: dict[str, Callable[[Optional[str]], bool]] = { | |||||||
| } | } | ||||||
|  |  | ||||||
| # The link to the published list of disabled jobs | # The link to the published list of disabled jobs | ||||||
| DISABLED_JOBS_URL = "https://ossci-metrics.s3.amazonaws.com/disabled-jobs.json" | DISABLED_JOBS_URL = "https://ossci-metrics.s3.amazonaws.com/disabled-jobs.json?versionId=HnkH0xQWnnsoeMsSIVf9291NE5c4jWSa" | ||||||
| # and unstable jobs | # and unstable jobs | ||||||
| UNSTABLE_JOBS_URL = "https://ossci-metrics.s3.amazonaws.com/unstable-jobs.json" | UNSTABLE_JOBS_URL = "https://ossci-metrics.s3.amazonaws.com/unstable-jobs.json?versionId=iP_F8gBs60PfOMAJ8gnn1paVrzM1WYsK" | ||||||
|  |  | ||||||
| # Some constants used to handle disabled and unstable jobs | # Some constants used to handle disabled and unstable jobs | ||||||
| JOB_NAME_SEP = "/" | JOB_NAME_SEP = "/" | ||||||
|  | |||||||
| @ -17,7 +17,7 @@ from typing import Optional | |||||||
|  |  | ||||||
| # NOTE: Please also update the CUDA sources in `PIP_SOURCES` in tools/nightly.py when changing this | # NOTE: Please also update the CUDA sources in `PIP_SOURCES` in tools/nightly.py when changing this | ||||||
| CUDA_ARCHES = ["12.6", "12.8", "12.9"] | CUDA_ARCHES = ["12.6", "12.8", "12.9"] | ||||||
| CUDA_STABLE = "12.6" | CUDA_STABLE = "12.8" | ||||||
| CUDA_ARCHES_FULL_VERSION = { | CUDA_ARCHES_FULL_VERSION = { | ||||||
|     "12.6": "12.6.3", |     "12.6": "12.6.3", | ||||||
|     "12.8": "12.8.1", |     "12.8": "12.8.1", | ||||||
| @ -54,7 +54,6 @@ PYTORCH_EXTRA_INSTALL_REQUIREMENTS = { | |||||||
|         "nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | " |         "nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | " | ||||||
|         "nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | " |         "nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | " | ||||||
|         "nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | " |         "nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | " | ||||||
|         "nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | " |  | ||||||
|         "nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | " |         "nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | " | ||||||
|         "nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | " |         "nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | " | ||||||
|         "nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64'" |         "nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64'" | ||||||
| @ -71,7 +70,6 @@ PYTORCH_EXTRA_INSTALL_REQUIREMENTS = { | |||||||
|         "nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | " |         "nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | " | ||||||
|         "nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | " |         "nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | " | ||||||
|         "nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | " |         "nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | " | ||||||
|         "nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | " |  | ||||||
|         "nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | " |         "nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | " | ||||||
|         "nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | " |         "nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | " | ||||||
|         "nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64'" |         "nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64'" | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/templates/common.yml.j2
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/templates/common.yml.j2
									
									
									
									
										vendored
									
									
								
							| @ -32,7 +32,7 @@ concurrency: | |||||||
| {%- macro setup_ec2_windows() -%} | {%- macro setup_ec2_windows() -%} | ||||||
|       !{{ display_ec2_information() }} |       !{{ display_ec2_information() }} | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
|  | |||||||
| @ -56,7 +56,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -150,10 +150,10 @@ jobs: | |||||||
|         with: |         with: | ||||||
|           name: !{{ config["build_name"] }} |           name: !{{ config["build_name"] }} | ||||||
|           path: "${{ runner.temp }}/artifacts/" |           path: "${{ runner.temp }}/artifacts/" | ||||||
|       !{{ common.checkout(deep_clone=False, directory="pytorch") }} |       !{{ common.checkout(deep_clone=False, directory="pytorch", checkout_pr_head=False) }} | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: !{{ config["container_image"] }} |           docker-image-name: !{{ config["container_image"] }} | ||||||
| @ -161,7 +161,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -182,7 +182,7 @@ jobs: | |||||||
|         with: |         with: | ||||||
|           name: !{{ config["build_name"] }} |           name: !{{ config["build_name"] }} | ||||||
|           path: "${{ runner.temp }}/artifacts/" |           path: "${{ runner.temp }}/artifacts/" | ||||||
|       !{{ common.checkout(deep_clone=False, directory="pytorch") }} |       !{{ common.checkout(deep_clone=False, directory="pytorch", checkout_pr_head=False) }} | ||||||
|       - name: ROCm set GPU_FLAG |       - name: ROCm set GPU_FLAG | ||||||
|         run: | |         run: | | ||||||
|           echo "GPU_FLAG=--device=/dev/mem --device=/dev/kfd --device=/dev/dri --group-add video --group-add daemon" >> "${GITHUB_ENV}" |           echo "GPU_FLAG=--device=/dev/mem --device=/dev/kfd --device=/dev/dri --group-add video --group-add daemon" >> "${GITHUB_ENV}" | ||||||
| @ -196,7 +196,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: !{{ config["container_image"] }} |           docker-image-name: !{{ config["container_image"] }} | ||||||
| @ -204,7 +204,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
|  | |||||||
| @ -76,7 +76,7 @@ jobs: | |||||||
|           elif [ -d "/Applications/Xcode_13.3.1.app" ]; then |           elif [ -d "/Applications/Xcode_13.3.1.app" ]; then | ||||||
|             echo "DEVELOPER_DIR=/Applications/Xcode_13.3.1.app/Contents/Developer" >> "${GITHUB_ENV}" |             echo "DEVELOPER_DIR=/Applications/Xcode_13.3.1.app/Contents/Developer" >> "${GITHUB_ENV}" | ||||||
|           fi |           fi | ||||||
|       !{{ common.checkout(deep_clone=False, directory="pytorch") }} |       !{{ common.checkout(deep_clone=False, directory="pytorch", checkout_pr_head=False) }} | ||||||
|       - name: Populate binary env |       - name: Populate binary env | ||||||
|         run: | |         run: | | ||||||
|           # shellcheck disable=SC1091 |           # shellcheck disable=SC1091 | ||||||
|  | |||||||
| @ -64,7 +64,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -135,7 +135,7 @@ jobs: | |||||||
| {%- else %} | {%- else %} | ||||||
|       !{{ set_runner_specific_vars() }} |       !{{ set_runner_specific_vars() }} | ||||||
|       !{{ common.setup_ec2_windows() }} |       !{{ common.setup_ec2_windows() }} | ||||||
|       !{{ common.checkout(deep_clone=False, directory="pytorch") }} |       !{{ common.checkout(deep_clone=False, directory="pytorch", checkout_pr_head=False) }} | ||||||
| {%- endif %} | {%- endif %} | ||||||
|       - name: Populate binary env |       - name: Populate binary env | ||||||
|         shell: bash |         shell: bash | ||||||
| @ -211,7 +211,7 @@ jobs: | |||||||
|           "pytorch/.ci/pytorch/windows/arm64/bootstrap_rust.bat" |           "pytorch/.ci/pytorch/windows/arm64/bootstrap_rust.bat" | ||||||
| {%- else %} | {%- else %} | ||||||
|       !{{ common.setup_ec2_windows() }} |       !{{ common.setup_ec2_windows() }} | ||||||
|       !{{ common.checkout(deep_clone=False, directory="pytorch") }} |       !{{ common.checkout(deep_clone=False, directory="pytorch", checkout_pr_head=False) }} | ||||||
|       !{{ set_runner_specific_vars() }} |       !{{ set_runner_specific_vars() }} | ||||||
| {%- endif %} | {%- endif %} | ||||||
|       - uses: !{{ common.download_artifact_action }} |       - uses: !{{ common.download_artifact_action }} | ||||||
|  | |||||||
							
								
								
									
										14
									
								
								.github/workflows/_bazel-build-test.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										14
									
								
								.github/workflows/_bazel-build-test.yml
									
									
									
									
										vendored
									
									
								
							| @ -47,7 +47,7 @@ jobs: | |||||||
|       reenabled-issues: ${{ steps.filter.outputs.reenabled-issues }} |       reenabled-issues: ${{ steps.filter.outputs.reenabled-issues }} | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           fetch-depth: 1 |           fetch-depth: 1 | ||||||
|           submodules: false |           submodules: false | ||||||
| @ -69,25 +69,25 @@ jobs: | |||||||
|     runs-on: ${{ matrix.runner }} |     runs-on: ${{ matrix.runner }} | ||||||
|     steps: |     steps: | ||||||
|       - name: Setup SSH (Click me for login details) |       - name: Setup SSH (Click me for login details) | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
|  |  | ||||||
|       # [see note: pytorch repo ref] |       # [see note: pytorch repo ref] | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|  |  | ||||||
|       - name: Setup Linux |       - name: Setup Linux | ||||||
|         uses: ./.github/actions/setup-linux |         uses: ./.github/actions/setup-linux | ||||||
|  |  | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image-name: ${{ inputs.docker-image-name }} |           docker-image-name: ${{ inputs.docker-image-name }} | ||||||
|  |  | ||||||
|       - name: Pull docker image |       - name: Pull docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|  |  | ||||||
| @ -97,7 +97,7 @@ jobs: | |||||||
|         run: echo "IN_CONTAINER_RUNNER=$(if [ -f /.inarc ] || [ -f /.incontainer ]; then echo true ; else echo false; fi)" >> "$GITHUB_OUTPUT" |         run: echo "IN_CONTAINER_RUNNER=$(if [ -f /.inarc ] || [ -f /.incontainer ]; then echo true ; else echo false; fi)" >> "$GITHUB_OUTPUT" | ||||||
|  |  | ||||||
|       - name: Install nvidia driver, nvidia-docker runtime, set GPU_FLAG |       - name: Install nvidia driver, nvidia-docker runtime, set GPU_FLAG | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-nvidia@main |         uses: pytorch/test-infra/.github/actions/setup-nvidia@release/2.8 | ||||||
|         if: ${{ inputs.cuda-version != 'cpu' && steps.check_container_runner.outputs.IN_CONTAINER_RUNNER == 'false' }} |         if: ${{ inputs.cuda-version != 'cpu' && steps.check_container_runner.outputs.IN_CONTAINER_RUNNER == 'false' }} | ||||||
|  |  | ||||||
|       - name: Output disk space left |       - name: Output disk space left | ||||||
| @ -209,5 +209,5 @@ jobs: | |||||||
|           file-suffix: bazel-${{ github.job }}_${{ steps.get-job-id.outputs.job-id }} |           file-suffix: bazel-${{ github.job }}_${{ steps.get-job-id.outputs.job-id }} | ||||||
|  |  | ||||||
|       - name: Teardown Linux |       - name: Teardown Linux | ||||||
|         uses: pytorch/test-infra/.github/actions/teardown-linux@main |         uses: pytorch/test-infra/.github/actions/teardown-linux@release/2.8 | ||||||
|         if: always() |         if: always() | ||||||
|  | |||||||
							
								
								
									
										13
									
								
								.github/workflows/_binary-build-linux.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										13
									
								
								.github/workflows/_binary-build-linux.yml
									
									
									
									
										vendored
									
									
								
							| @ -151,13 +151,13 @@ jobs: | |||||||
|  |  | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         if: inputs.build_environment != 'linux-s390x-binary-manywheel' |         if: inputs.build_environment != 'linux-s390x-binary-manywheel' | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.github-token }} |           github-secret: ${{ secrets.github-token }} | ||||||
|  |  | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           no-sudo: ${{ inputs.build_environment == 'linux-aarch64-binary-manywheel' || inputs.build_environment == 'linux-s390x-binary-manywheel' }} |           no-sudo: ${{ inputs.build_environment == 'linux-aarch64-binary-manywheel' || inputs.build_environment == 'linux-s390x-binary-manywheel' }} | ||||||
|  |  | ||||||
| @ -187,7 +187,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch to pytorch dir |       - name: Checkout PyTorch to pytorch dir | ||||||
|         uses: actions/checkout@11bd71901bbe5b1630ceea73d27597364c9af683 # v4.2.2 |         uses: actions/checkout@11bd71901bbe5b1630ceea73d27597364c9af683 # v4.2.2 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -222,9 +221,9 @@ jobs: | |||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         if: ${{ steps.filter.outputs.is-test-matrix-empty == 'False' && inputs.build_environment != 'linux-s390x-binary-manywheel' }} |         if: ${{ steps.filter.outputs.is-test-matrix-empty == 'False' && inputs.build_environment != 'linux-s390x-binary-manywheel' }} | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           # If doing this in main or release branch, use docker.io. Otherwise |           # If doing this in release/2.8 or release branch, use docker.io. Otherwise | ||||||
|           # use ECR |           # use ECR | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: ${{ inputs.DOCKER_IMAGE }} |           docker-image-name: ${{ inputs.DOCKER_IMAGE }} | ||||||
| @ -236,7 +235,7 @@ jobs: | |||||||
|  |  | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         if: ${{ steps.filter.outputs.is-test-matrix-empty == 'False' && inputs.build_environment != 'linux-s390x-binary-manywheel' }} |         if: ${{ steps.filter.outputs.is-test-matrix-empty == 'False' && inputs.build_environment != 'linux-s390x-binary-manywheel' }} | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|  |  | ||||||
| @ -293,7 +292,7 @@ jobs: | |||||||
|  |  | ||||||
|       - name: Teardown Linux |       - name: Teardown Linux | ||||||
|         if: always() && inputs.build_environment != 'linux-s390x-binary-manywheel' |         if: always() && inputs.build_environment != 'linux-s390x-binary-manywheel' | ||||||
|         uses: pytorch/test-infra/.github/actions/teardown-linux@main |         uses: pytorch/test-infra/.github/actions/teardown-linux@release/2.8 | ||||||
|  |  | ||||||
|       - name: Chown workspace |       - name: Chown workspace | ||||||
|         if: always() && inputs.build_environment != 'linux-s390x-binary-manywheel' |         if: always() && inputs.build_environment != 'linux-s390x-binary-manywheel' | ||||||
|  | |||||||
							
								
								
									
										13
									
								
								.github/workflows/_binary-test-linux.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										13
									
								
								.github/workflows/_binary-test-linux.yml
									
									
									
									
										vendored
									
									
								
							| @ -134,14 +134,14 @@ jobs: | |||||||
|  |  | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         if: inputs.build_environment != 'linux-s390x-binary-manywheel' |         if: inputs.build_environment != 'linux-s390x-binary-manywheel' | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.github-token }} |           github-secret: ${{ secrets.github-token }} | ||||||
|  |  | ||||||
|         # Setup the environment |         # Setup the environment | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           no-sudo: ${{ inputs.build_environment == 'linux-aarch64-binary-manywheel' || inputs.build_environment == 'linux-s390x-binary-manywheel' }} |           no-sudo: ${{ inputs.build_environment == 'linux-aarch64-binary-manywheel' || inputs.build_environment == 'linux-s390x-binary-manywheel' }} | ||||||
|  |  | ||||||
| @ -164,7 +164,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch to pytorch dir |       - name: Checkout PyTorch to pytorch dir | ||||||
|         uses: actions/checkout@11bd71901bbe5b1630ceea73d27597364c9af683 # v4.2.2 |         uses: actions/checkout@11bd71901bbe5b1630ceea73d27597364c9af683 # v4.2.2 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           show-progress: false |           show-progress: false | ||||||
|           path: pytorch |           path: pytorch | ||||||
| @ -195,7 +194,7 @@ jobs: | |||||||
|           path: "${{ runner.temp }}/artifacts/" |           path: "${{ runner.temp }}/artifacts/" | ||||||
|  |  | ||||||
|       - name: Install nvidia driver, nvidia-docker runtime, set GPU_FLAG |       - name: Install nvidia driver, nvidia-docker runtime, set GPU_FLAG | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-nvidia@main |         uses: pytorch/test-infra/.github/actions/setup-nvidia@release/2.8 | ||||||
|         if: ${{ inputs.GPU_ARCH_TYPE == 'cuda' && steps.filter.outputs.is-test-matrix-empty == 'False' }} |         if: ${{ inputs.GPU_ARCH_TYPE == 'cuda' && steps.filter.outputs.is-test-matrix-empty == 'False' }} | ||||||
|  |  | ||||||
|       - name: configure aws credentials |       - name: configure aws credentials | ||||||
| @ -210,7 +209,7 @@ jobs: | |||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         if: ${{ steps.filter.outputs.is-test-matrix-empty == 'False' && inputs.build_environment != 'linux-s390x-binary-manywheel' }} |         if: ${{ steps.filter.outputs.is-test-matrix-empty == 'False' && inputs.build_environment != 'linux-s390x-binary-manywheel' }} | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: ${{ inputs.DOCKER_IMAGE }} |           docker-image-name: ${{ inputs.DOCKER_IMAGE }} | ||||||
| @ -220,7 +219,7 @@ jobs: | |||||||
|  |  | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         if: ${{ steps.filter.outputs.is-test-matrix-empty == 'False' && inputs.build_environment != 'linux-s390x-binary-manywheel' }} |         if: ${{ steps.filter.outputs.is-test-matrix-empty == 'False' && inputs.build_environment != 'linux-s390x-binary-manywheel' }} | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|  |  | ||||||
| @ -232,7 +231,7 @@ jobs: | |||||||
|  |  | ||||||
|       - name: Teardown Linux |       - name: Teardown Linux | ||||||
|         if: always() && inputs.build_environment != 'linux-s390x-binary-manywheel' |         if: always() && inputs.build_environment != 'linux-s390x-binary-manywheel' | ||||||
|         uses: pytorch/test-infra/.github/actions/teardown-linux@main |         uses: pytorch/test-infra/.github/actions/teardown-linux@release/2.8 | ||||||
|  |  | ||||||
|       - name: Chown workspace |       - name: Chown workspace | ||||||
|         if: always() && inputs.build_environment != 'linux-s390x-binary-manywheel' |         if: always() && inputs.build_environment != 'linux-s390x-binary-manywheel' | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/_binary-upload.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/_binary-upload.yml
									
									
									
									
										vendored
									
									
								
							| @ -89,7 +89,7 @@ jobs: | |||||||
|       USE_SPLIT_BUILD: ${{ inputs.use_split_build }} |       USE_SPLIT_BUILD: ${{ inputs.use_split_build }} | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           no-sudo: true |           no-sudo: true | ||||||
|  |  | ||||||
|  | |||||||
							
								
								
									
										10
									
								
								.github/workflows/_docs.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										10
									
								
								.github/workflows/_docs.yml
									
									
									
									
										vendored
									
									
								
							| @ -84,7 +84,7 @@ jobs: | |||||||
|     name: build-docs-${{ matrix.docs_type }}-${{ inputs.push }} |     name: build-docs-${{ matrix.docs_type }}-${{ inputs.push }} | ||||||
|     steps: |     steps: | ||||||
|       - name: Setup SSH (Click me for login details) |       - name: Setup SSH (Click me for login details) | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
|           instructions: | |           instructions: | | ||||||
| @ -95,7 +95,7 @@ jobs: | |||||||
|  |  | ||||||
|       # [see note: pytorch repo ref] |       # [see note: pytorch repo ref] | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|  |  | ||||||
|       - name: Setup Linux |       - name: Setup Linux | ||||||
|         uses: ./.github/actions/setup-linux |         uses: ./.github/actions/setup-linux | ||||||
| @ -110,12 +110,12 @@ jobs: | |||||||
|  |  | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image-name: ${{ inputs.docker-image }} |           docker-image-name: ${{ inputs.docker-image }} | ||||||
|  |  | ||||||
|       - name: Pull docker image |       - name: Pull docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|  |  | ||||||
| @ -222,5 +222,5 @@ jobs: | |||||||
|           s3-prefix: pytorch/pytorch/${{ github.event.pull_request.number }}/functorchdocs |           s3-prefix: pytorch/pytorch/${{ github.event.pull_request.number }}/functorchdocs | ||||||
|  |  | ||||||
|       - name: Teardown Linux |       - name: Teardown Linux | ||||||
|         uses: pytorch/test-infra/.github/actions/teardown-linux@main |         uses: pytorch/test-infra/.github/actions/teardown-linux@release/2.8 | ||||||
|         if: always() |         if: always() | ||||||
|  | |||||||
							
								
								
									
										4
									
								
								.github/workflows/_link_check.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										4
									
								
								.github/workflows/_link_check.yml
									
									
									
									
										vendored
									
									
								
							| @ -11,7 +11,7 @@ on: | |||||||
| jobs: | jobs: | ||||||
|   lint-urls: |   lint-urls: | ||||||
|     if: ${{ github.event_name != 'pull_request' || !contains(github.event.pull_request.labels.*.name, 'skip-url-lint') }} |     if: ${{ github.event_name != 'pull_request' || !contains(github.event.pull_request.labels.*.name, 'skip-url-lint') }} | ||||||
|     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@main |     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       timeout: 120 |       timeout: 120 | ||||||
|       runner: ${{ inputs.runner }}linux.2xlarge |       runner: ${{ inputs.runner }}linux.2xlarge | ||||||
| @ -36,7 +36,7 @@ jobs: | |||||||
|  |  | ||||||
|   lint-xrefs: |   lint-xrefs: | ||||||
|     if: ${{ github.event_name != 'pull_request' || !contains(github.event.pull_request.labels.*.name, 'skip-xref-lint') }} |     if: ${{ github.event_name != 'pull_request' || !contains(github.event.pull_request.labels.*.name, 'skip-xref-lint') }} | ||||||
|     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@main |     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       timeout: 60 |       timeout: 60 | ||||||
|       runner: ${{ inputs.runner }}linux.2xlarge |       runner: ${{ inputs.runner }}linux.2xlarge | ||||||
|  | |||||||
							
								
								
									
										10
									
								
								.github/workflows/_linux-build.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										10
									
								
								.github/workflows/_linux-build.yml
									
									
									
									
										vendored
									
									
								
							| @ -132,7 +132,7 @@ jobs: | |||||||
|       test-matrix: ${{ steps.filter.outputs.test-matrix }} |       test-matrix: ${{ steps.filter.outputs.test-matrix }} | ||||||
|     steps: |     steps: | ||||||
|       - name: Setup SSH (Click me for login details) |       - name: Setup SSH (Click me for login details) | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         if: inputs.build-environment != 'linux-s390x-binary-manywheel' |         if: inputs.build-environment != 'linux-s390x-binary-manywheel' | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -142,7 +142,7 @@ jobs: | |||||||
|       # checkout because when we run this action we don't *have* a local |       # checkout because when we run this action we don't *have* a local | ||||||
|       # checkout. In other cases you should prefer a local checkout. |       # checkout. In other cases you should prefer a local checkout. | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           no-sudo: true |           no-sudo: true | ||||||
|  |  | ||||||
| @ -178,7 +178,7 @@ jobs: | |||||||
|  |  | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         if: inputs.build-environment != 'linux-s390x-binary-manywheel' |         if: inputs.build-environment != 'linux-s390x-binary-manywheel' | ||||||
|         with: |         with: | ||||||
|           docker-image-name: ${{ inputs.docker-image-name }} |           docker-image-name: ${{ inputs.docker-image-name }} | ||||||
| @ -194,7 +194,7 @@ jobs: | |||||||
|           echo "docker pull ghcr.io/pytorch/ci-image:${tag/:/-}" |           echo "docker pull ghcr.io/pytorch/ci-image:${tag/:/-}" | ||||||
|  |  | ||||||
|       - name: Pull docker image |       - name: Pull docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         if: inputs.build-environment != 'linux-s390x-binary-manywheel' && steps.use-old-whl.outputs.reuse != 'true' |         if: inputs.build-environment != 'linux-s390x-binary-manywheel' && steps.use-old-whl.outputs.reuse != 'true' | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
| @ -410,7 +410,7 @@ jobs: | |||||||
|           artifact_prefix: usage_log_build_${{ steps.get-job-id.outputs.job-id }} |           artifact_prefix: usage_log_build_${{ steps.get-job-id.outputs.job-id }} | ||||||
|  |  | ||||||
|       - name: Teardown Linux |       - name: Teardown Linux | ||||||
|         uses: pytorch/test-infra/.github/actions/teardown-linux@main |         uses: pytorch/test-infra/.github/actions/teardown-linux@release/2.8 | ||||||
|         if: always() && inputs.build-environment != 'linux-s390x-binary-manywheel' |         if: always() && inputs.build-environment != 'linux-s390x-binary-manywheel' | ||||||
|  |  | ||||||
|       - name: Cleanup docker |       - name: Cleanup docker | ||||||
|  | |||||||
							
								
								
									
										14
									
								
								.github/workflows/_linux-test.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										14
									
								
								.github/workflows/_linux-test.yml
									
									
									
									
										vendored
									
									
								
							| @ -92,7 +92,7 @@ jobs: | |||||||
|     timeout-minutes: ${{ matrix.mem_leak_check == 'mem_leak_check' && 600 || inputs.timeout-minutes }} |     timeout-minutes: ${{ matrix.mem_leak_check == 'mem_leak_check' && 600 || inputs.timeout-minutes }} | ||||||
|     steps: |     steps: | ||||||
|       - name: Setup SSH (Click me for login details) |       - name: Setup SSH (Click me for login details) | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         if: ${{ !contains(matrix.runner, 'gcp.a100') && inputs.build-environment != 'linux-s390x-binary-manywheel' }} |         if: ${{ !contains(matrix.runner, 'gcp.a100') && inputs.build-environment != 'linux-s390x-binary-manywheel' }} | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -101,7 +101,7 @@ jobs: | |||||||
|               docker exec -it $(docker container ps --format '{{.ID}}') bash |               docker exec -it $(docker container ps --format '{{.ID}}') bash | ||||||
|  |  | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           no-sudo: true |           no-sudo: true | ||||||
|  |  | ||||||
| @ -119,7 +119,7 @@ jobs: | |||||||
|  |  | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         if: inputs.build-environment != 'linux-s390x-binary-manywheel' |         if: inputs.build-environment != 'linux-s390x-binary-manywheel' | ||||||
|         with: |         with: | ||||||
|           docker-image-name: ${{ inputs.docker-image }} |           docker-image-name: ${{ inputs.docker-image }} | ||||||
| @ -135,7 +135,7 @@ jobs: | |||||||
|           echo "docker pull ghcr.io/pytorch/ci-image:${tag/:/-}" |           echo "docker pull ghcr.io/pytorch/ci-image:${tag/:/-}" | ||||||
|  |  | ||||||
|       - name: Pull docker image |       - name: Pull docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         if: inputs.build-environment != 'linux-s390x-binary-manywheel' |         if: inputs.build-environment != 'linux-s390x-binary-manywheel' | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
| @ -147,7 +147,7 @@ jobs: | |||||||
|  |  | ||||||
|       - name: Install nvidia driver, nvidia-docker runtime, set GPU_FLAG |       - name: Install nvidia driver, nvidia-docker runtime, set GPU_FLAG | ||||||
|         id: install-nvidia-driver |         id: install-nvidia-driver | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-nvidia@main |         uses: pytorch/test-infra/.github/actions/setup-nvidia@release/2.8 | ||||||
|         if: ${{ contains(inputs.build-environment, 'cuda') && !contains(matrix.config, 'nogpu') && steps.check_container_runner.outputs.IN_CONTAINER_RUNNER == 'false' }} |         if: ${{ contains(inputs.build-environment, 'cuda') && !contains(matrix.config, 'nogpu') && steps.check_container_runner.outputs.IN_CONTAINER_RUNNER == 'false' }} | ||||||
|  |  | ||||||
|       - name: Setup GPU_FLAG for docker run |       - name: Setup GPU_FLAG for docker run | ||||||
| @ -385,7 +385,7 @@ jobs: | |||||||
|           job_identifier: ${{ github.workflow }}_${{ inputs.build-environment }} |           job_identifier: ${{ github.workflow }}_${{ inputs.build-environment }} | ||||||
|  |  | ||||||
|       - name: Upload the benchmark results |       - name: Upload the benchmark results | ||||||
|         uses: pytorch/test-infra/.github/actions/upload-benchmark-results@main |         uses: pytorch/test-infra/.github/actions/upload-benchmark-results@release/2.8 | ||||||
|         if: inputs.build-environment != 'linux-s390x-binary-manywheel' |         if: inputs.build-environment != 'linux-s390x-binary-manywheel' | ||||||
|         with: |         with: | ||||||
|           benchmark-results-dir: test/test-reports |           benchmark-results-dir: test/test-reports | ||||||
| @ -443,7 +443,7 @@ jobs: | |||||||
|           workflow_attempt: ${{github.run_attempt}} |           workflow_attempt: ${{github.run_attempt}} | ||||||
|  |  | ||||||
|       - name: Teardown Linux |       - name: Teardown Linux | ||||||
|         uses: pytorch/test-infra/.github/actions/teardown-linux@main |         uses: pytorch/test-infra/.github/actions/teardown-linux@release/2.8 | ||||||
|         if: always() && steps.check_container_runner.outputs.IN_CONTAINER_RUNNER == 'false' |         if: always() && steps.check_container_runner.outputs.IN_CONTAINER_RUNNER == 'false' | ||||||
|  |  | ||||||
|       # NB: We are currently having an intermittent GPU-related issue on G5 runners with |       # NB: We are currently having an intermittent GPU-related issue on G5 runners with | ||||||
|  | |||||||
							
								
								
									
										8
									
								
								.github/workflows/_mac-build.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										8
									
								
								.github/workflows/_mac-build.yml
									
									
									
									
										vendored
									
									
								
							| @ -67,11 +67,11 @@ jobs: | |||||||
|       test-matrix: ${{ steps.filter.outputs.test-matrix }} |       test-matrix: ${{ steps.filter.outputs.test-matrix }} | ||||||
|     steps: |     steps: | ||||||
|       - name: Clean up disk space before running MacOS workflow |       - name: Clean up disk space before running MacOS workflow | ||||||
|         uses: pytorch/test-infra/.github/actions/check-disk-space@main |         uses: pytorch/test-infra/.github/actions/check-disk-space@release/2.8 | ||||||
|  |  | ||||||
|       # [see note: pytorch repo ref] |       # [see note: pytorch repo ref] | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|  |  | ||||||
|       - name: Set xcode version |       - name: Set xcode version | ||||||
|         env: |         env: | ||||||
| @ -82,7 +82,7 @@ jobs: | |||||||
|           fi |           fi | ||||||
|  |  | ||||||
|       - name: Setup Python |       - name: Setup Python | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-python@main |         uses: pytorch/test-infra/.github/actions/setup-python@release/2.8 | ||||||
|         with: |         with: | ||||||
|           python-version: ${{ inputs.python-version }} |           python-version: ${{ inputs.python-version }} | ||||||
|           pip-requirements-file: .github/requirements/pip-requirements-macOS.txt |           pip-requirements-file: .github/requirements/pip-requirements-macOS.txt | ||||||
| @ -191,4 +191,4 @@ jobs: | |||||||
|       - name: Clean up disk space |       - name: Clean up disk space | ||||||
|         if: always() |         if: always() | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         uses: pytorch/test-infra/.github/actions/check-disk-space@main |         uses: pytorch/test-infra/.github/actions/check-disk-space@release/2.8 | ||||||
|  | |||||||
							
								
								
									
										14
									
								
								.github/workflows/_mac-test.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										14
									
								
								.github/workflows/_mac-test.yml
									
									
									
									
										vendored
									
									
								
							| @ -88,6 +88,10 @@ jobs: | |||||||
|             pkill "${PROCESS}" || true |             pkill "${PROCESS}" || true | ||||||
|           done |           done | ||||||
|  |  | ||||||
|  |       - name: Clean up leftover miniconda installation | ||||||
|  |         continue-on-error: true | ||||||
|  |         run: brew uninstall miniconda || true | ||||||
|  |  | ||||||
|       - name: Clean up leftover local python3 site-packages on MacOS pet runner |       - name: Clean up leftover local python3 site-packages on MacOS pet runner | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         run: | |         run: | | ||||||
| @ -97,11 +101,11 @@ jobs: | |||||||
|           done |           done | ||||||
|  |  | ||||||
|       - name: Clean up disk space before running MacOS workflow |       - name: Clean up disk space before running MacOS workflow | ||||||
|         uses: pytorch/test-infra/.github/actions/check-disk-space@main |         uses: pytorch/test-infra/.github/actions/check-disk-space@release/2.8 | ||||||
|  |  | ||||||
|       # [see note: pytorch repo ref] |       # [see note: pytorch repo ref] | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|  |  | ||||||
|       - name: Get workflow job id |       - name: Get workflow job id | ||||||
|         id: get-job-id |         id: get-job-id | ||||||
| @ -139,7 +143,7 @@ jobs: | |||||||
|           use-gha: true |           use-gha: true | ||||||
|  |  | ||||||
|       - name: Setup Python |       - name: Setup Python | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-python@main |         uses: pytorch/test-infra/.github/actions/setup-python@release/2.8 | ||||||
|         with: |         with: | ||||||
|           python-version: ${{ inputs.python-version }} |           python-version: ${{ inputs.python-version }} | ||||||
|           pip-requirements-file: .github/requirements/pip-requirements-macOS.txt |           pip-requirements-file: .github/requirements/pip-requirements-macOS.txt | ||||||
| @ -250,7 +254,7 @@ jobs: | |||||||
|           file-suffix: ${{ github.job }}-${{ matrix.config }}-${{ matrix.shard }}-${{ matrix.num_shards }}-${{ matrix.runner }}_${{ steps.get-job-id.outputs.job-id }} |           file-suffix: ${{ github.job }}-${{ matrix.config }}-${{ matrix.shard }}-${{ matrix.num_shards }}-${{ matrix.runner }}_${{ steps.get-job-id.outputs.job-id }} | ||||||
|  |  | ||||||
|       - name: Upload the benchmark results |       - name: Upload the benchmark results | ||||||
|         uses: pytorch/test-infra/.github/actions/upload-benchmark-results@main |         uses: pytorch/test-infra/.github/actions/upload-benchmark-results@release/2.8 | ||||||
|         with: |         with: | ||||||
|           benchmark-results-dir: test/test-reports |           benchmark-results-dir: test/test-reports | ||||||
|           dry-run: false |           dry-run: false | ||||||
| @ -272,4 +276,4 @@ jobs: | |||||||
|       - name: Clean up disk space |       - name: Clean up disk space | ||||||
|         if: always() |         if: always() | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         uses: pytorch/test-infra/.github/actions/check-disk-space@main |         uses: pytorch/test-infra/.github/actions/check-disk-space@release/2.8 | ||||||
|  | |||||||
							
								
								
									
										8
									
								
								.github/workflows/_rocm-test.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										8
									
								
								.github/workflows/_rocm-test.yml
									
									
									
									
										vendored
									
									
								
							| @ -81,7 +81,7 @@ jobs: | |||||||
|     steps: |     steps: | ||||||
|       # [see note: pytorch repo ref] |       # [see note: pytorch repo ref] | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           no-sudo: true |           no-sudo: true | ||||||
|  |  | ||||||
| @ -103,12 +103,12 @@ jobs: | |||||||
|  |  | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image-name: ${{ inputs.docker-image }} |           docker-image-name: ${{ inputs.docker-image }} | ||||||
|  |  | ||||||
|       - name: Pull docker image |       - name: Pull docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|  |  | ||||||
| @ -320,7 +320,7 @@ jobs: | |||||||
|           aws-region: us-east-1 |           aws-region: us-east-1 | ||||||
|  |  | ||||||
|       - name: Upload the benchmark results |       - name: Upload the benchmark results | ||||||
|         uses: pytorch/test-infra/.github/actions/upload-benchmark-results@main |         uses: pytorch/test-infra/.github/actions/upload-benchmark-results@release/2.8 | ||||||
|         with: |         with: | ||||||
|           benchmark-results-dir: test/test-reports |           benchmark-results-dir: test/test-reports | ||||||
|           dry-run: false |           dry-run: false | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/_runner-determinator.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/_runner-determinator.yml
									
									
									
									
										vendored
									
									
								
							| @ -59,7 +59,7 @@ jobs: | |||||||
|       PR_NUMBER: ${{ github.event.pull_request.number }} |       PR_NUMBER: ${{ github.event.pull_request.number }} | ||||||
|     steps: |     steps: | ||||||
|       # - name: Checkout PyTorch |       # - name: Checkout PyTorch | ||||||
|       #   uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |       #   uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|       #   with: |       #   with: | ||||||
|       #     fetch-depth: 1 |       #     fetch-depth: 1 | ||||||
|       #     submodules: true |       #     submodules: true | ||||||
|  | |||||||
							
								
								
									
										6
									
								
								.github/workflows/_win-build.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										6
									
								
								.github/workflows/_win-build.yml
									
									
									
									
										vendored
									
									
								
							| @ -84,10 +84,10 @@ jobs: | |||||||
|           git config --global core.fsmonitor false |           git config --global core.fsmonitor false | ||||||
|  |  | ||||||
|       - name: Clean up leftover processes on non-ephemeral Windows runner |       - name: Clean up leftover processes on non-ephemeral Windows runner | ||||||
|         uses: pytorch/test-infra/.github/actions/cleanup-runner@main |         uses: pytorch/test-infra/.github/actions/cleanup-runner@release/2.8 | ||||||
|  |  | ||||||
|       - name: Setup SSH (Click me for login details) |       - name: Setup SSH (Click me for login details) | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
|           instructions: | |           instructions: | | ||||||
| @ -102,7 +102,7 @@ jobs: | |||||||
|  |  | ||||||
|       # [see note: pytorch repo ref] |       # [see note: pytorch repo ref] | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           no-sudo: true |           no-sudo: true | ||||||
|  |  | ||||||
|  | |||||||
							
								
								
									
										6
									
								
								.github/workflows/_win-test.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										6
									
								
								.github/workflows/_win-test.yml
									
									
									
									
										vendored
									
									
								
							| @ -77,10 +77,10 @@ jobs: | |||||||
|           git config --global core.fsmonitor false |           git config --global core.fsmonitor false | ||||||
|  |  | ||||||
|       - name: Clean up leftover processes on non-ephemeral Windows runner |       - name: Clean up leftover processes on non-ephemeral Windows runner | ||||||
|         uses: pytorch/test-infra/.github/actions/cleanup-runner@main |         uses: pytorch/test-infra/.github/actions/cleanup-runner@release/2.8 | ||||||
|  |  | ||||||
|       - name: Setup SSH (Click me for login details) |       - name: Setup SSH (Click me for login details) | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
|           instructions: | |           instructions: | | ||||||
| @ -96,7 +96,7 @@ jobs: | |||||||
|  |  | ||||||
|       # [see note: pytorch repo ref] |       # [see note: pytorch repo ref] | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           no-sudo: true |           no-sudo: true | ||||||
|  |  | ||||||
|  | |||||||
							
								
								
									
										6
									
								
								.github/workflows/_xpu-test.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										6
									
								
								.github/workflows/_xpu-test.yml
									
									
									
									
										vendored
									
									
								
							| @ -77,7 +77,7 @@ jobs: | |||||||
|     steps: |     steps: | ||||||
|       # [see note: pytorch repo ref] |       # [see note: pytorch repo ref] | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|  |  | ||||||
|       - name: Setup XPU |       - name: Setup XPU | ||||||
|         uses: ./.github/actions/setup-xpu |         uses: ./.github/actions/setup-xpu | ||||||
| @ -95,7 +95,7 @@ jobs: | |||||||
|  |  | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image-name: ${{ inputs.docker-image }} |           docker-image-name: ${{ inputs.docker-image }} | ||||||
|  |  | ||||||
| @ -109,7 +109,7 @@ jobs: | |||||||
|           echo "docker pull ghcr.io/pytorch/ci-image:${tag/:/-}" |           echo "docker pull ghcr.io/pytorch/ci-image:${tag/:/-}" | ||||||
|  |  | ||||||
|       - name: Pull docker image |       - name: Pull docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|  |  | ||||||
|  | |||||||
							
								
								
									
										6
									
								
								.github/workflows/build-almalinux-images.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										6
									
								
								.github/workflows/build-almalinux-images.yml
									
									
									
									
										vendored
									
									
								
							| @ -23,7 +23,7 @@ on: | |||||||
| env: | env: | ||||||
|   DOCKER_REGISTRY: "docker.io" |   DOCKER_REGISTRY: "docker.io" | ||||||
|   DOCKER_BUILDKIT: 1 |   DOCKER_BUILDKIT: 1 | ||||||
|   WITH_PUSH: ${{ github.event_name == 'push' && (github.ref == 'refs/heads/main' || startsWith(github.ref, 'refs/heads/release')) }} |   WITH_PUSH: ${{ github.event_name == 'push' && (github.ref == 'refs/heads/main' || startsWith(github.ref, 'refs/heads/release') || startsWith(github.ref, 'refs/tags/v')) }} | ||||||
|  |  | ||||||
| concurrency: | concurrency: | ||||||
|   group: ${{ github.workflow }}-${{ github.event.pull_request.number || github.sha }}-${{ github.event_name == 'workflow_dispatch' }} |   group: ${{ github.workflow }}-${{ github.event.pull_request.number || github.sha }}-${{ github.event_name == 'workflow_dispatch' }} | ||||||
| @ -32,14 +32,14 @@ concurrency: | |||||||
| jobs: | jobs: | ||||||
|   build-docker: |   build-docker: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     environment: ${{ (github.ref == 'refs/heads/main' || startsWith(github.event.ref, 'refs/tags/v')) && 'docker-build' || '' }} |     environment: ${{ (github.event_name == 'push' && (github.ref == 'refs/heads/main' || startsWith(github.ref, 'refs/heads/release') || startsWith(github.ref, 'refs/tags/v')) && 'docker-build') || '' }} | ||||||
|     runs-on: linux.9xlarge.ephemeral |     runs-on: linux.9xlarge.ephemeral | ||||||
|     strategy: |     strategy: | ||||||
|       matrix: |       matrix: | ||||||
|         tag: ["cuda12.6", "cuda12.8", "cuda12.9", "rocm6.3", "rocm6.4", "cpu"] |         tag: ["cuda12.6", "cuda12.8", "cuda12.9", "rocm6.3", "rocm6.4", "cpu"] | ||||||
|     steps: |     steps: | ||||||
|       - name: Build docker image |       - name: Build docker image | ||||||
|         uses: pytorch/pytorch/.github/actions/binary-docker-build@main |         uses: pytorch/pytorch/.github/actions/binary-docker-build@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image-name: almalinux-builder |           docker-image-name: almalinux-builder | ||||||
|           custom-tag-prefix: ${{matrix.tag}} |           custom-tag-prefix: ${{matrix.tag}} | ||||||
|  | |||||||
							
								
								
									
										8
									
								
								.github/workflows/build-libtorch-images.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										8
									
								
								.github/workflows/build-libtorch-images.yml
									
									
									
									
										vendored
									
									
								
							| @ -22,7 +22,7 @@ on: | |||||||
| env: | env: | ||||||
|   DOCKER_REGISTRY: "docker.io" |   DOCKER_REGISTRY: "docker.io" | ||||||
|   DOCKER_BUILDKIT: 1 |   DOCKER_BUILDKIT: 1 | ||||||
|   WITH_PUSH: ${{ github.event_name == 'push' && (github.ref == 'refs/heads/main' || startsWith(github.ref, 'refs/heads/release')) }} |   WITH_PUSH: ${{ github.event_name == 'push' && (github.ref == 'refs/heads/main' || startsWith(github.ref, 'refs/heads/release') || startsWith(github.ref, 'refs/tags/v')) }} | ||||||
|  |  | ||||||
| concurrency: | concurrency: | ||||||
|   group: ${{ github.workflow }}-${{ github.event.pull_request.number || github.sha }}-${{ github.event_name == 'workflow_dispatch' }} |   group: ${{ github.workflow }}-${{ github.event.pull_request.number || github.sha }}-${{ github.event_name == 'workflow_dispatch' }} | ||||||
| @ -32,7 +32,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -40,7 +40,7 @@ jobs: | |||||||
|       curr_ref_type: ${{ github.ref_type }} |       curr_ref_type: ${{ github.ref_type }} | ||||||
|  |  | ||||||
|   build: |   build: | ||||||
|     environment: ${{ (github.ref == 'refs/heads/main' || startsWith(github.event.ref, 'refs/tags/v')) && 'docker-build' || '' }} |     environment: ${{ (github.event_name == 'push' && (github.ref == 'refs/heads/main' || startsWith(github.ref, 'refs/heads/release') || startsWith(github.ref, 'refs/tags/v')) && 'docker-build') || '' }} | ||||||
|     needs: get-label-type |     needs: get-label-type | ||||||
|     runs-on: ${{ needs.get-label-type.outputs.label-type }}linux.9xlarge.ephemeral |     runs-on: ${{ needs.get-label-type.outputs.label-type }}linux.9xlarge.ephemeral | ||||||
|     name: libtorch-cxx11-builder:${{ matrix.tag }} |     name: libtorch-cxx11-builder:${{ matrix.tag }} | ||||||
| @ -57,7 +57,7 @@ jobs: | |||||||
|         ] |         ] | ||||||
|     steps: |     steps: | ||||||
|       - name: Build docker image |       - name: Build docker image | ||||||
|         uses: pytorch/pytorch/.github/actions/binary-docker-build@main |         uses: pytorch/pytorch/.github/actions/binary-docker-build@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image-name: libtorch-cxx11-builder |           docker-image-name: libtorch-cxx11-builder | ||||||
|           custom-tag-prefix: ${{ matrix.tag }} |           custom-tag-prefix: ${{ matrix.tag }} | ||||||
|  | |||||||
| @ -12,7 +12,7 @@ on: | |||||||
| env: | env: | ||||||
|   DOCKER_REGISTRY: "docker.io" |   DOCKER_REGISTRY: "docker.io" | ||||||
|   DOCKER_BUILDKIT: 1 |   DOCKER_BUILDKIT: 1 | ||||||
|   WITH_PUSH: ${{ github.event_name == 'push' && (github.ref == 'refs/heads/main' || startsWith(github.ref, 'refs/heads/release')) }} |   WITH_PUSH: ${{ github.event_name == 'push' && (github.ref == 'refs/heads/main' || startsWith(github.ref, 'refs/heads/release') || startsWith(github.ref, 'refs/tags/v')) }} | ||||||
|  |  | ||||||
| concurrency: | concurrency: | ||||||
|   group: ${{ github.workflow }}-${{ github.event.pull_request.number || github.sha }}-${{ github.event_name == 'workflow_dispatch' }} |   group: ${{ github.workflow }}-${{ github.event.pull_request.number || github.sha }}-${{ github.event_name == 'workflow_dispatch' }} | ||||||
| @ -21,11 +21,11 @@ concurrency: | |||||||
| jobs: | jobs: | ||||||
|   build-docker-cpu-s390x: |   build-docker-cpu-s390x: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     environment: ${{ (github.ref == 'refs/heads/main' || startsWith(github.event.ref, 'refs/tags/v')) && 'docker-build' || '' }} |     environment: ${{ (github.event_name == 'push' && (github.ref == 'refs/heads/main' || startsWith(github.ref, 'refs/heads/release') || startsWith(github.ref, 'refs/tags/v')) && 'docker-build') || '' }} | ||||||
|     runs-on: linux.s390x |     runs-on: linux.s390x | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           submodules: false |           submodules: false | ||||||
|           no-sudo: true |           no-sudo: true | ||||||
|  | |||||||
							
								
								
									
										9
									
								
								.github/workflows/build-manywheel-images.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										9
									
								
								.github/workflows/build-manywheel-images.yml
									
									
									
									
										vendored
									
									
								
							| @ -23,8 +23,7 @@ on: | |||||||
| env: | env: | ||||||
|   DOCKER_REGISTRY: "docker.io" |   DOCKER_REGISTRY: "docker.io" | ||||||
|   DOCKER_BUILDKIT: 1 |   DOCKER_BUILDKIT: 1 | ||||||
|   WITH_PUSH: ${{ github.event_name == 'push' && (github.ref == 'refs/heads/main' || startsWith(github.ref, 'refs/heads/release')) }} |   WITH_PUSH: ${{ github.event_name == 'push' && (github.ref == 'refs/heads/main' || startsWith(github.ref, 'refs/heads/release') || startsWith(github.ref, 'refs/tags/v')) }} | ||||||
|  |  | ||||||
| concurrency: | concurrency: | ||||||
|   group: ${{ github.workflow }}-${{ github.event.pull_request.number || github.sha }}-${{ github.event_name == 'workflow_dispatch' }} |   group: ${{ github.workflow }}-${{ github.event.pull_request.number || github.sha }}-${{ github.event_name == 'workflow_dispatch' }} | ||||||
|   cancel-in-progress: true |   cancel-in-progress: true | ||||||
| @ -33,7 +32,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -41,7 +40,7 @@ jobs: | |||||||
|       curr_ref_type: ${{ github.ref_type }} |       curr_ref_type: ${{ github.ref_type }} | ||||||
|  |  | ||||||
|   build: |   build: | ||||||
|     environment: ${{ (github.ref == 'refs/heads/main' || startsWith(github.event.ref, 'refs/tags/v')) && 'docker-build' || '' }} |     environment: ${{ (github.event_name == 'push' && (github.ref == 'refs/heads/main' || startsWith(github.ref, 'refs/heads/release') || startsWith(github.ref, 'refs/tags/v')) && 'docker-build') || '' }} | ||||||
|     needs: get-label-type |     needs: get-label-type | ||||||
|     strategy: |     strategy: | ||||||
|       fail-fast: false |       fail-fast: false | ||||||
| @ -63,7 +62,7 @@ jobs: | |||||||
|     name: ${{ matrix.name }}:${{ matrix.tag }} |     name: ${{ matrix.name }}:${{ matrix.tag }} | ||||||
|     steps: |     steps: | ||||||
|       - name: Build docker image |       - name: Build docker image | ||||||
|         uses: pytorch/pytorch/.github/actions/binary-docker-build@main |         uses: pytorch/pytorch/.github/actions/binary-docker-build@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image-name: ${{ matrix.name }} |           docker-image-name: ${{ matrix.name }} | ||||||
|           custom-tag-prefix: ${{ matrix.tag }} |           custom-tag-prefix: ${{ matrix.tag }} | ||||||
|  | |||||||
							
								
								
									
										14
									
								
								.github/workflows/build-triton-wheel.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										14
									
								
								.github/workflows/build-triton-wheel.yml
									
									
									
									
										vendored
									
									
								
							| @ -3,7 +3,7 @@ name: Build Triton wheels | |||||||
| on: | on: | ||||||
|   push: |   push: | ||||||
|     branches: |     branches: | ||||||
|       - main |       - release/2.8 | ||||||
|     tags: |     tags: | ||||||
|       # NOTE: Binary build pipelines should only get triggered on release candidate builds |       # NOTE: Binary build pipelines should only get triggered on release candidate builds | ||||||
|       # Release candidate tags look like: v1.11.0-rc1 |       # Release candidate tags look like: v1.11.0-rc1 | ||||||
| @ -35,7 +35,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -73,12 +73,12 @@ jobs: | |||||||
|       PLATFORM: 'manylinux_2_28_x86_64' |       PLATFORM: 'manylinux_2_28_x86_64' | ||||||
|     steps: |     steps: | ||||||
|       - name: Setup SSH (Click me for login details) |       - name: Setup SSH (Click me for login details) | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
|  |  | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           submodules: false |           submodules: false | ||||||
|  |  | ||||||
| @ -86,7 +86,7 @@ jobs: | |||||||
|         uses: ./.github/actions/setup-linux |         uses: ./.github/actions/setup-linux | ||||||
|  |  | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ env.DOCKER_IMAGE }} |           docker-image: ${{ env.DOCKER_IMAGE }} | ||||||
|  |  | ||||||
| @ -177,7 +177,7 @@ jobs: | |||||||
|           path: ${{ runner.temp }}/artifacts/wheelhouse/* |           path: ${{ runner.temp }}/artifacts/wheelhouse/* | ||||||
|  |  | ||||||
|       - name: Teardown Linux |       - name: Teardown Linux | ||||||
|         uses: pytorch/test-infra/.github/actions/teardown-linux@main |         uses: pytorch/test-infra/.github/actions/teardown-linux@release/2.8 | ||||||
|         if: always() |         if: always() | ||||||
|  |  | ||||||
|   build-wheel-win: |   build-wheel-win: | ||||||
| @ -210,7 +210,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/check-labels.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/check-labels.yml
									
									
									
									
										vendored
									
									
								
							| @ -38,7 +38,7 @@ jobs: | |||||||
|     runs-on: linux.24_04.4x |     runs-on: linux.24_04.4x | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           submodules: false |           submodules: false | ||||||
|           fetch-depth: 1 |           fetch-depth: 1 | ||||||
|  | |||||||
| @ -13,7 +13,7 @@ jobs: | |||||||
|     runs-on: ubuntu-latest |     runs-on: ubuntu-latest | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           submodules: false |           submodules: false | ||||||
|           fetch-depth: 1 |           fetch-depth: 1 | ||||||
|  | |||||||
							
								
								
									
										4
									
								
								.github/workflows/create_release.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										4
									
								
								.github/workflows/create_release.yml
									
									
									
									
										vendored
									
									
								
							| @ -19,7 +19,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -82,7 +82,7 @@ jobs: | |||||||
|           path: ${{ env.PT_RELEASE_FILE }} |           path: ${{ env.PT_RELEASE_FILE }} | ||||||
|       - name: Set output |       - name: Set output | ||||||
|         id: release_name |         id: release_name | ||||||
|         run: echo "name=pt_release_name::${{ env.PT_RELEASE_NAME }}.tar.gz" >> "${GITHUB_OUTPUT}" |         run: echo "pt_release_name=${{ env.PT_RELEASE_NAME }}.tar.gz" >> "${GITHUB_OUTPUT}" | ||||||
|  |  | ||||||
|   upload_source_code_to_s3: |   upload_source_code_to_s3: | ||||||
|     if: ${{ github.repository == 'pytorch/pytorch' && github.event_name == 'push' && startsWith(github.ref, 'refs/tags/v') && contains(github.ref, 'rc') }} |     if: ${{ github.repository == 'pytorch/pytorch' && github.event_name == 'push' && startsWith(github.ref, 'refs/tags/v') && contains(github.ref, 'rc') }} | ||||||
|  | |||||||
							
								
								
									
										10
									
								
								.github/workflows/docker-builds.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										10
									
								
								.github/workflows/docker-builds.yml
									
									
									
									
										vendored
									
									
								
							| @ -33,7 +33,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -97,21 +97,21 @@ jobs: | |||||||
|       # [see note: pytorch repo ref] |       # [see note: pytorch repo ref] | ||||||
|       # deep clone (fetch-depth 0) required for git merge-base |       # deep clone (fetch-depth 0) required for git merge-base | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|  |  | ||||||
|       - name: Setup Linux |       - name: Setup Linux | ||||||
|         uses: ./.github/actions/setup-linux |         uses: ./.github/actions/setup-linux | ||||||
|  |  | ||||||
|       - name: Build docker image |       - name: Build docker image | ||||||
|         id: build-docker-image |         id: build-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image-name: ci-image:${{ matrix.docker-image-name }} |           docker-image-name: ci-image:${{ matrix.docker-image-name }} | ||||||
|           always-rebuild: true |           always-rebuild: true | ||||||
|           push: true |           push: true | ||||||
|  |  | ||||||
|       - name: Pull docker image |       - name: Pull docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.build-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.build-docker-image.outputs.docker-image }} | ||||||
|  |  | ||||||
| @ -142,5 +142,5 @@ jobs: | |||||||
|         if: always() |         if: always() | ||||||
|  |  | ||||||
|       - name: Teardown Linux |       - name: Teardown Linux | ||||||
|         uses: pytorch/test-infra/.github/actions/teardown-linux@main |         uses: pytorch/test-infra/.github/actions/teardown-linux@release/2.8 | ||||||
|         if: always() |         if: always() | ||||||
|  | |||||||
							
								
								
									
										6
									
								
								.github/workflows/docker-cache-mi300.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										6
									
								
								.github/workflows/docker-cache-mi300.yml
									
									
									
									
										vendored
									
									
								
							| @ -20,7 +20,7 @@ jobs: | |||||||
|     runs-on: rocm-docker |     runs-on: rocm-docker | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           no-sudo: true |           no-sudo: true | ||||||
|  |  | ||||||
| @ -39,13 +39,13 @@ jobs: | |||||||
|  |  | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image-name: ci-image:pytorch-linux-jammy-rocm-n-py3 |           docker-image-name: ci-image:pytorch-linux-jammy-rocm-n-py3 | ||||||
|           push: false |           push: false | ||||||
|  |  | ||||||
|       - name: Pull docker image |       - name: Pull docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|  |  | ||||||
|  | |||||||
							
								
								
									
										12
									
								
								.github/workflows/docker-release.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										12
									
								
								.github/workflows/docker-release.yml
									
									
									
									
										vendored
									
									
								
							| @ -37,7 +37,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -52,7 +52,7 @@ jobs: | |||||||
|       matrix: ${{ steps.generate-matrix.outputs.matrix }} |       matrix: ${{ steps.generate-matrix.outputs.matrix }} | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           fetch-depth: 1 |           fetch-depth: 1 | ||||||
|           submodules: true |           submodules: true | ||||||
| @ -82,7 +82,7 @@ jobs: | |||||||
|       CUDNN_VERSION: ${{ matrix.cudnn_version }} |       CUDNN_VERSION: ${{ matrix.cudnn_version }} | ||||||
|     steps: |     steps: | ||||||
|       - name: Setup SSH (Click me for login details) |       - name: Setup SSH (Click me for login details) | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
|       # [see note: pytorch repo ref] |       # [see note: pytorch repo ref] | ||||||
| @ -164,12 +164,12 @@ jobs: | |||||||
|           fi |           fi | ||||||
|  |  | ||||||
|       - name: Teardown Linux |       - name: Teardown Linux | ||||||
|         uses: pytorch/test-infra/.github/actions/teardown-linux@main |         uses: pytorch/test-infra/.github/actions/teardown-linux@release/2.8 | ||||||
|         if: always() |         if: always() | ||||||
|  |  | ||||||
|   validate: |   validate: | ||||||
|     needs: build |     needs: build | ||||||
|     uses: pytorch/test-infra/.github/workflows/validate-docker-images.yml@main |     uses: pytorch/test-infra/.github/workflows/validate-docker-images.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       channel: nightly |       channel: test | ||||||
|       ref: main |       ref: main | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/generated-linux-aarch64-binary-manywheel-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/generated-linux-aarch64-binary-manywheel-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -41,7 +41,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
|  | |||||||
							
								
								
									
										12
									
								
								.github/workflows/generated-linux-binary-libtorch-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										12
									
								
								.github/workflows/generated-linux-binary-libtorch-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -41,7 +41,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -368,7 +368,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -390,7 +389,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: libtorch-cxx11-builder |           docker-image-name: libtorch-cxx11-builder | ||||||
| @ -398,7 +397,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -482,7 +481,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -504,7 +502,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: libtorch-cxx11-builder |           docker-image-name: libtorch-cxx11-builder | ||||||
| @ -512,7 +510,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/generated-linux-binary-libtorch-release-main.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/generated-linux-binary-libtorch-release-main.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -36,7 +36,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
|  | |||||||
							
								
								
									
										11
									
								
								.github/workflows/generated-linux-binary-manywheel-main.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										11
									
								
								.github/workflows/generated-linux-binary-manywheel-main.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -36,7 +36,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -61,7 +61,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_9-cuda12_6 |       build_name: manywheel-py3_9-cuda12_6 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_9-cuda12_6-test:  # Testing |   manywheel-py3_9-cuda12_6-test:  # Testing | ||||||
| @ -108,7 +108,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_9-cuda12_8 |       build_name: manywheel-py3_9-cuda12_8 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_9-cuda12_8-test:  # Testing |   manywheel-py3_9-cuda12_8-test:  # Testing | ||||||
| @ -235,7 +235,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -257,7 +256,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -265,7 +264,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
|  | |||||||
							
								
								
									
										252
									
								
								.github/workflows/generated-linux-binary-manywheel-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										252
									
								
								.github/workflows/generated-linux-binary-manywheel-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -41,7 +41,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -131,7 +131,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_9-cuda12_6 |       build_name: manywheel-py3_9-cuda12_6 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_9-cuda12_6-test:  # Testing |   manywheel-py3_9-cuda12_6-test:  # Testing | ||||||
| @ -200,7 +200,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_9-cuda12_8 |       build_name: manywheel-py3_9-cuda12_8 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_9-cuda12_8-test:  # Testing |   manywheel-py3_9-cuda12_8-test:  # Testing | ||||||
| @ -371,7 +371,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -393,7 +392,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -401,7 +400,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -485,7 +484,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -507,7 +505,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -515,7 +513,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -610,7 +608,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -621,7 +618,7 @@ jobs: | |||||||
|         working-directory: pytorch |         working-directory: pytorch | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -629,7 +626,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -744,7 +741,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_10-cuda12_6 |       build_name: manywheel-py3_10-cuda12_6 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_10-cuda12_6-test:  # Testing |   manywheel-py3_10-cuda12_6-test:  # Testing | ||||||
| @ -813,7 +810,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_10-cuda12_8 |       build_name: manywheel-py3_10-cuda12_8 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_10-cuda12_8-test:  # Testing |   manywheel-py3_10-cuda12_8-test:  # Testing | ||||||
| @ -984,7 +981,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1006,7 +1002,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -1014,7 +1010,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -1098,7 +1094,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1120,7 +1115,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -1128,7 +1123,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -1223,7 +1218,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1234,7 +1228,7 @@ jobs: | |||||||
|         working-directory: pytorch |         working-directory: pytorch | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -1242,7 +1236,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -1357,7 +1351,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_11-cuda12_6 |       build_name: manywheel-py3_11-cuda12_6 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_11-cuda12_6-test:  # Testing |   manywheel-py3_11-cuda12_6-test:  # Testing | ||||||
| @ -1407,74 +1401,6 @@ jobs: | |||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|     uses: ./.github/workflows/_binary-upload.yml |     uses: ./.github/workflows/_binary-upload.yml | ||||||
|  |  | ||||||
|   manywheel-py3_11-cuda12_6-full-build: |  | ||||||
|     if: ${{ github.repository_owner == 'pytorch' }} |  | ||||||
|     uses: ./.github/workflows/_binary-build-linux.yml |  | ||||||
|     needs: get-label-type |  | ||||||
|     with: |  | ||||||
|       PYTORCH_ROOT: /pytorch |  | ||||||
|       PACKAGE_TYPE: manywheel |  | ||||||
|       # TODO: This is a legacy variable that we eventually want to get rid of in |  | ||||||
|       #       favor of GPU_ARCH_VERSION |  | ||||||
|       DESIRED_CUDA: cu126 |  | ||||||
|       GPU_ARCH_VERSION: 12.6 |  | ||||||
|       GPU_ARCH_TYPE: cuda |  | ||||||
|       DOCKER_IMAGE: manylinux2_28-builder |  | ||||||
|       DOCKER_IMAGE_TAG_PREFIX: cuda12.6 |  | ||||||
|       use_split_build: False |  | ||||||
|       DESIRED_PYTHON: "3.11" |  | ||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |  | ||||||
|       build_name: manywheel-py3_11-cuda12_6-full |  | ||||||
|       build_environment: linux-binary-manywheel |  | ||||||
|     secrets: |  | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |  | ||||||
|   manywheel-py3_11-cuda12_6-full-test:  # Testing |  | ||||||
|     if: ${{ github.repository_owner == 'pytorch' }} |  | ||||||
|     needs: |  | ||||||
|       - manywheel-py3_11-cuda12_6-full-build |  | ||||||
|       - get-label-type |  | ||||||
|     uses: ./.github/workflows/_binary-test-linux.yml |  | ||||||
|     with: |  | ||||||
|       PYTORCH_ROOT: /pytorch |  | ||||||
|       PACKAGE_TYPE: manywheel |  | ||||||
|       # TODO: This is a legacy variable that we eventually want to get rid of in |  | ||||||
|       #       favor of GPU_ARCH_VERSION |  | ||||||
|       DESIRED_CUDA: cu126 |  | ||||||
|       GPU_ARCH_VERSION: 12.6 |  | ||||||
|       GPU_ARCH_TYPE: cuda |  | ||||||
|       DOCKER_IMAGE: manylinux2_28-builder |  | ||||||
|       DOCKER_IMAGE_TAG_PREFIX: cuda12.6 |  | ||||||
|       use_split_build: False |  | ||||||
|       DESIRED_PYTHON: "3.11" |  | ||||||
|       build_name: manywheel-py3_11-cuda12_6-full |  | ||||||
|       build_environment: linux-binary-manywheel |  | ||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |  | ||||||
|       runs_on: linux.4xlarge.nvidia.gpu # for other cuda versions, we use 4xlarge runner |  | ||||||
|     secrets: |  | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |  | ||||||
|   manywheel-py3_11-cuda12_6-full-upload:  # Uploading |  | ||||||
|     if: ${{ github.repository_owner == 'pytorch' }} |  | ||||||
|     permissions: |  | ||||||
|       id-token: write |  | ||||||
|       contents: read |  | ||||||
|     needs: manywheel-py3_11-cuda12_6-full-test |  | ||||||
|     with: |  | ||||||
|       PYTORCH_ROOT: /pytorch |  | ||||||
|       PACKAGE_TYPE: manywheel |  | ||||||
|       # TODO: This is a legacy variable that we eventually want to get rid of in |  | ||||||
|       #       favor of GPU_ARCH_VERSION |  | ||||||
|       DESIRED_CUDA: cu126 |  | ||||||
|       GPU_ARCH_VERSION: 12.6 |  | ||||||
|       GPU_ARCH_TYPE: cuda |  | ||||||
|       DOCKER_IMAGE: manylinux2_28-builder |  | ||||||
|       DOCKER_IMAGE_TAG_PREFIX: cuda12.6 |  | ||||||
|       use_split_build: False |  | ||||||
|       DESIRED_PYTHON: "3.11" |  | ||||||
|       build_name: manywheel-py3_11-cuda12_6-full |  | ||||||
|     secrets: |  | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |  | ||||||
|     uses: ./.github/workflows/_binary-upload.yml |  | ||||||
|  |  | ||||||
|   manywheel-py3_11-cuda12_8-build: |   manywheel-py3_11-cuda12_8-build: | ||||||
|     if: ${{ github.repository_owner == 'pytorch' }} |     if: ${{ github.repository_owner == 'pytorch' }} | ||||||
|     uses: ./.github/workflows/_binary-build-linux.yml |     uses: ./.github/workflows/_binary-build-linux.yml | ||||||
| @ -1494,7 +1420,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_11-cuda12_8 |       build_name: manywheel-py3_11-cuda12_8 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_11-cuda12_8-test:  # Testing |   manywheel-py3_11-cuda12_8-test:  # Testing | ||||||
| @ -1544,6 +1470,74 @@ jobs: | |||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|     uses: ./.github/workflows/_binary-upload.yml |     uses: ./.github/workflows/_binary-upload.yml | ||||||
|  |  | ||||||
|  |   manywheel-py3_11-cuda12_8-full-build: | ||||||
|  |     if: ${{ github.repository_owner == 'pytorch' }} | ||||||
|  |     uses: ./.github/workflows/_binary-build-linux.yml | ||||||
|  |     needs: get-label-type | ||||||
|  |     with: | ||||||
|  |       PYTORCH_ROOT: /pytorch | ||||||
|  |       PACKAGE_TYPE: manywheel | ||||||
|  |       # TODO: This is a legacy variable that we eventually want to get rid of in | ||||||
|  |       #       favor of GPU_ARCH_VERSION | ||||||
|  |       DESIRED_CUDA: cu128 | ||||||
|  |       GPU_ARCH_VERSION: 12.8 | ||||||
|  |       GPU_ARCH_TYPE: cuda | ||||||
|  |       DOCKER_IMAGE: manylinux2_28-builder | ||||||
|  |       DOCKER_IMAGE_TAG_PREFIX: cuda12.8 | ||||||
|  |       use_split_build: False | ||||||
|  |       DESIRED_PYTHON: "3.11" | ||||||
|  |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|  |       build_name: manywheel-py3_11-cuda12_8-full | ||||||
|  |       build_environment: linux-binary-manywheel | ||||||
|  |     secrets: | ||||||
|  |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|  |   manywheel-py3_11-cuda12_8-full-test:  # Testing | ||||||
|  |     if: ${{ github.repository_owner == 'pytorch' }} | ||||||
|  |     needs: | ||||||
|  |       - manywheel-py3_11-cuda12_8-full-build | ||||||
|  |       - get-label-type | ||||||
|  |     uses: ./.github/workflows/_binary-test-linux.yml | ||||||
|  |     with: | ||||||
|  |       PYTORCH_ROOT: /pytorch | ||||||
|  |       PACKAGE_TYPE: manywheel | ||||||
|  |       # TODO: This is a legacy variable that we eventually want to get rid of in | ||||||
|  |       #       favor of GPU_ARCH_VERSION | ||||||
|  |       DESIRED_CUDA: cu128 | ||||||
|  |       GPU_ARCH_VERSION: 12.8 | ||||||
|  |       GPU_ARCH_TYPE: cuda | ||||||
|  |       DOCKER_IMAGE: manylinux2_28-builder | ||||||
|  |       DOCKER_IMAGE_TAG_PREFIX: cuda12.8 | ||||||
|  |       use_split_build: False | ||||||
|  |       DESIRED_PYTHON: "3.11" | ||||||
|  |       build_name: manywheel-py3_11-cuda12_8-full | ||||||
|  |       build_environment: linux-binary-manywheel | ||||||
|  |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|  |       runs_on: linux.g4dn.4xlarge.nvidia.gpu  # 12.8 and 12.9 build need sm_70+ runner | ||||||
|  |     secrets: | ||||||
|  |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|  |   manywheel-py3_11-cuda12_8-full-upload:  # Uploading | ||||||
|  |     if: ${{ github.repository_owner == 'pytorch' }} | ||||||
|  |     permissions: | ||||||
|  |       id-token: write | ||||||
|  |       contents: read | ||||||
|  |     needs: manywheel-py3_11-cuda12_8-full-test | ||||||
|  |     with: | ||||||
|  |       PYTORCH_ROOT: /pytorch | ||||||
|  |       PACKAGE_TYPE: manywheel | ||||||
|  |       # TODO: This is a legacy variable that we eventually want to get rid of in | ||||||
|  |       #       favor of GPU_ARCH_VERSION | ||||||
|  |       DESIRED_CUDA: cu128 | ||||||
|  |       GPU_ARCH_VERSION: 12.8 | ||||||
|  |       GPU_ARCH_TYPE: cuda | ||||||
|  |       DOCKER_IMAGE: manylinux2_28-builder | ||||||
|  |       DOCKER_IMAGE_TAG_PREFIX: cuda12.8 | ||||||
|  |       use_split_build: False | ||||||
|  |       DESIRED_PYTHON: "3.11" | ||||||
|  |       build_name: manywheel-py3_11-cuda12_8-full | ||||||
|  |     secrets: | ||||||
|  |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|  |     uses: ./.github/workflows/_binary-upload.yml | ||||||
|  |  | ||||||
|   manywheel-py3_11-cuda12_9-build: |   manywheel-py3_11-cuda12_9-build: | ||||||
|     if: ${{ github.repository_owner == 'pytorch' }} |     if: ${{ github.repository_owner == 'pytorch' }} | ||||||
|     uses: ./.github/workflows/_binary-build-linux.yml |     uses: ./.github/workflows/_binary-build-linux.yml | ||||||
| @ -1665,7 +1659,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1687,7 +1680,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -1695,7 +1688,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -1779,7 +1772,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1801,7 +1793,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -1809,7 +1801,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -1904,7 +1896,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1915,7 +1906,7 @@ jobs: | |||||||
|         working-directory: pytorch |         working-directory: pytorch | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -1923,7 +1914,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -2038,7 +2029,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_12-cuda12_6 |       build_name: manywheel-py3_12-cuda12_6 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_12-cuda12_6-test:  # Testing |   manywheel-py3_12-cuda12_6-test:  # Testing | ||||||
| @ -2107,7 +2098,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_12-cuda12_8 |       build_name: manywheel-py3_12-cuda12_8 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_12-cuda12_8-test:  # Testing |   manywheel-py3_12-cuda12_8-test:  # Testing | ||||||
| @ -2278,7 +2269,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -2300,7 +2290,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -2308,7 +2298,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -2392,7 +2382,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -2414,7 +2403,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -2422,7 +2411,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -2517,7 +2506,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -2528,7 +2516,7 @@ jobs: | |||||||
|         working-directory: pytorch |         working-directory: pytorch | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -2536,7 +2524,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -2651,7 +2639,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_13-cuda12_6 |       build_name: manywheel-py3_13-cuda12_6 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_13-cuda12_6-test:  # Testing |   manywheel-py3_13-cuda12_6-test:  # Testing | ||||||
| @ -2720,7 +2708,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_13-cuda12_8 |       build_name: manywheel-py3_13-cuda12_8 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_13-cuda12_8-test:  # Testing |   manywheel-py3_13-cuda12_8-test:  # Testing | ||||||
| @ -2891,7 +2879,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -2913,7 +2900,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -2921,7 +2908,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -3005,7 +2992,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3027,7 +3013,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -3035,7 +3021,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -3130,7 +3116,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3141,7 +3126,7 @@ jobs: | |||||||
|         working-directory: pytorch |         working-directory: pytorch | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -3149,7 +3134,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -3264,7 +3249,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_13t-cuda12_6 |       build_name: manywheel-py3_13t-cuda12_6 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.6.80; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.6.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.0.4; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.7.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.1.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.4.2; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.6.77; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.6.85; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.11.1.6; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_13t-cuda12_6-test:  # Testing |   manywheel-py3_13t-cuda12_6-test:  # Testing | ||||||
| @ -3333,7 +3318,7 @@ jobs: | |||||||
|       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" |       runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" | ||||||
|       build_name: manywheel-py3_13t-cuda12_8 |       build_name: manywheel-py3_13t-cuda12_8 | ||||||
|       build_environment: linux-binary-manywheel |       build_environment: linux-binary-manywheel | ||||||
|       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvshmem-cu12==3.2.5; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' |       PYTORCH_EXTRA_INSTALL_REQUIREMENTS: nvidia-cuda-nvrtc-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-runtime-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cuda-cupti-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cudnn-cu12==9.10.2.21; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cublas-cu12==12.8.4.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufft-cu12==11.3.3.83; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-curand-cu12==10.3.9.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusolver-cu12==11.7.3.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparse-cu12==12.5.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cusparselt-cu12==0.7.1; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nccl-cu12==2.27.3; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvtx-cu12==12.8.90; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-nvjitlink-cu12==12.8.93; platform_system == 'Linux' and platform_machine == 'x86_64' | nvidia-cufile-cu12==1.13.1.3; platform_system == 'Linux' and platform_machine == 'x86_64' | ||||||
|     secrets: |     secrets: | ||||||
|       github-token: ${{ secrets.GITHUB_TOKEN }} |       github-token: ${{ secrets.GITHUB_TOKEN }} | ||||||
|   manywheel-py3_13t-cuda12_8-test:  # Testing |   manywheel-py3_13t-cuda12_8-test:  # Testing | ||||||
| @ -3504,7 +3489,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3526,7 +3510,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -3534,7 +3518,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -3618,7 +3602,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3640,7 +3623,7 @@ jobs: | |||||||
|           role-duration-seconds: 18000 |           role-duration-seconds: 18000 | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -3648,7 +3631,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
| @ -3743,7 +3726,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3754,7 +3736,7 @@ jobs: | |||||||
|         working-directory: pytorch |         working-directory: pytorch | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} |           docker-registry: ${{ startsWith(github.event.ref, 'refs/tags/ciflow/') && '308535385114.dkr.ecr.us-east-1.amazonaws.com' || 'docker.io' }} | ||||||
|           docker-image-name: manylinux2_28-builder |           docker-image-name: manylinux2_28-builder | ||||||
| @ -3762,7 +3744,7 @@ jobs: | |||||||
|           docker-build-dir: .ci/docker |           docker-build-dir: .ci/docker | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
|       - name: Pull Docker image |       - name: Pull Docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|       - name: Test Pytorch binary |       - name: Test Pytorch binary | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/generated-linux-s390x-binary-manywheel-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/generated-linux-s390x-binary-manywheel-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -41,7 +41,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
|  | |||||||
							
								
								
									
										1
									
								
								.github/workflows/generated-macos-arm64-binary-libtorch-release-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										1
									
								
								.github/workflows/generated-macos-arm64-binary-libtorch-release-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -75,7 +75,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
|  | |||||||
							
								
								
									
										6
									
								
								.github/workflows/generated-macos-arm64-binary-wheel-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										6
									
								
								.github/workflows/generated-macos-arm64-binary-wheel-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -71,7 +71,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -195,7 +194,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -319,7 +317,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -443,7 +440,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -567,7 +563,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -691,7 +686,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/generated-windows-arm64-binary-libtorch-debug-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/generated-windows-arm64-binary-libtorch-debug-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -41,7 +41,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/generated-windows-arm64-binary-libtorch-release-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/generated-windows-arm64-binary-libtorch-release-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -41,7 +41,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/generated-windows-arm64-binary-wheel-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/generated-windows-arm64-binary-wheel-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -41,7 +41,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
|  | |||||||
							
								
								
									
										8
									
								
								.github/workflows/generated-windows-binary-libtorch-debug-main.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										8
									
								
								.github/workflows/generated-windows-binary-libtorch-debug-main.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -28,7 +28,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -77,7 +77,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -109,7 +109,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -183,7 +182,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -215,7 +214,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
|  | |||||||
							
								
								
									
										26
									
								
								.github/workflows/generated-windows-binary-libtorch-debug-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										26
									
								
								.github/workflows/generated-windows-binary-libtorch-debug-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -35,7 +35,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -84,7 +84,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -116,7 +116,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -190,7 +189,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -222,7 +221,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -332,7 +330,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -364,7 +362,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -439,7 +436,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -471,7 +468,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -582,7 +578,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -614,7 +610,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -689,7 +684,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -721,7 +716,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -832,7 +826,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -864,7 +858,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -939,7 +932,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -971,7 +964,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
|  | |||||||
							
								
								
									
										8
									
								
								.github/workflows/generated-windows-binary-libtorch-release-main.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										8
									
								
								.github/workflows/generated-windows-binary-libtorch-release-main.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -28,7 +28,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -77,7 +77,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -109,7 +109,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -183,7 +182,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -215,7 +214,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
|  | |||||||
							
								
								
									
										26
									
								
								.github/workflows/generated-windows-binary-libtorch-release-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										26
									
								
								.github/workflows/generated-windows-binary-libtorch-release-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -35,7 +35,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -84,7 +84,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -116,7 +116,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -190,7 +189,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -222,7 +221,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -332,7 +330,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -364,7 +362,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -439,7 +436,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -471,7 +468,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -582,7 +578,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -614,7 +610,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -689,7 +684,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -721,7 +716,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -832,7 +826,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -864,7 +858,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -939,7 +932,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -971,7 +964,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
|  | |||||||
							
								
								
									
										182
									
								
								.github/workflows/generated-windows-binary-wheel-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							
							
						
						
									
										182
									
								
								.github/workflows/generated-windows-binary-wheel-nightly.yml
									
									
									
										generated
									
									
										vendored
									
									
								
							| @ -35,7 +35,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -80,7 +80,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -112,7 +112,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -182,7 +181,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -214,7 +213,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -316,7 +314,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -348,7 +346,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -419,7 +416,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -451,7 +448,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -554,7 +550,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -586,7 +582,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -657,7 +652,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -689,7 +684,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -792,7 +786,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -824,7 +818,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -895,7 +888,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -927,7 +920,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1030,7 +1022,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -1062,7 +1054,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1132,7 +1123,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -1164,7 +1155,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1265,7 +1255,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -1297,7 +1287,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1367,7 +1356,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -1399,7 +1388,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1501,7 +1489,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -1533,7 +1521,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1604,7 +1591,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -1636,7 +1623,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1739,7 +1725,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -1771,7 +1757,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1842,7 +1827,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -1874,7 +1859,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -1977,7 +1961,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -2009,7 +1993,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -2080,7 +2063,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -2112,7 +2095,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -2215,7 +2197,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -2247,7 +2229,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -2317,7 +2298,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -2349,7 +2330,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -2450,7 +2430,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -2482,7 +2462,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -2552,7 +2531,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -2584,7 +2563,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -2686,7 +2664,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -2718,7 +2696,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -2789,7 +2766,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -2821,7 +2798,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -2924,7 +2900,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -2956,7 +2932,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3027,7 +3002,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -3059,7 +3034,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3162,7 +3136,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -3194,7 +3168,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3265,7 +3238,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -3297,7 +3270,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3400,7 +3372,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -3432,7 +3404,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3502,7 +3473,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -3534,7 +3505,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3635,7 +3605,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -3667,7 +3637,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3737,7 +3706,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -3769,7 +3738,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3871,7 +3839,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -3903,7 +3871,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -3974,7 +3941,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -4006,7 +3973,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -4109,7 +4075,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -4141,7 +4107,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -4212,7 +4177,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -4244,7 +4209,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -4347,7 +4311,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -4379,7 +4343,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -4450,7 +4413,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -4482,7 +4445,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -4585,7 +4547,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -4617,7 +4579,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -4687,7 +4648,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -4719,7 +4680,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -4820,7 +4780,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -4852,7 +4812,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -4922,7 +4881,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -4954,7 +4913,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -5056,7 +5014,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -5088,7 +5046,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -5159,7 +5116,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -5191,7 +5148,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -5294,7 +5250,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -5326,7 +5282,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -5397,7 +5352,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -5429,7 +5384,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -5532,7 +5486,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -5564,7 +5518,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -5635,7 +5588,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -5667,7 +5620,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -5770,7 +5722,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -5802,7 +5754,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -5872,7 +5823,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -5904,7 +5855,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -6005,7 +5955,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -6037,7 +5987,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -6107,7 +6056,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -6139,7 +6088,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -6241,7 +6189,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -6273,7 +6221,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -6344,7 +6291,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -6376,7 +6323,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -6479,7 +6425,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -6511,7 +6457,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -6582,7 +6527,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -6614,7 +6559,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -6717,7 +6661,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -6749,7 +6693,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -6820,7 +6763,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -6852,7 +6795,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -6955,7 +6897,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -6987,7 +6929,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
| @ -7057,7 +6998,7 @@ jobs: | |||||||
|           echo "instance-type: $(get_ec2_metadata instance-type)" |           echo "instance-type: $(get_ec2_metadata instance-type)" | ||||||
|           echo "system info $(uname -a)" |           echo "system info $(uname -a)" | ||||||
|       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" |       - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-ssh@main |         uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.8 | ||||||
|         continue-on-error: true |         continue-on-error: true | ||||||
|         with: |         with: | ||||||
|           github-secret: ${{ secrets.GITHUB_TOKEN }} |           github-secret: ${{ secrets.GITHUB_TOKEN }} | ||||||
| @ -7089,7 +7030,6 @@ jobs: | |||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: actions/checkout@v4 |         uses: actions/checkout@v4 | ||||||
|         with: |         with: | ||||||
|           ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |  | ||||||
|           submodules: recursive |           submodules: recursive | ||||||
|           path: pytorch |           path: pytorch | ||||||
|           show-progress: false |           show-progress: false | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/h100-distributed.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/h100-distributed.yml
									
									
									
									
										vendored
									
									
								
							| @ -18,7 +18,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
|  | |||||||
| @ -18,7 +18,7 @@ permissions: read-all | |||||||
| jobs: | jobs: | ||||||
|   get-default-label-prefix: |   get-default-label-prefix: | ||||||
|     name: get-default-label-prefix |     name: get-default-label-prefix | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/inductor-nightly.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/inductor-nightly.yml
									
									
									
									
										vendored
									
									
								
							| @ -21,7 +21,7 @@ permissions: read-all | |||||||
| jobs: | jobs: | ||||||
|   get-default-label-prefix: |   get-default-label-prefix: | ||||||
|     name: get-default-label-prefix |     name: get-default-label-prefix | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/inductor-perf-compare.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/inductor-perf-compare.yml
									
									
									
									
										vendored
									
									
								
							| @ -16,7 +16,7 @@ jobs: | |||||||
|   get-default-label-prefix: |   get-default-label-prefix: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-default-label-prefix |     name: get-default-label-prefix | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
|  | |||||||
| @ -53,7 +53,7 @@ permissions: read-all | |||||||
| jobs: | jobs: | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
| @ -68,7 +68,7 @@ permissions: read-all | |||||||
| jobs: | jobs: | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
| @ -70,7 +70,7 @@ permissions: read-all | |||||||
| jobs: | jobs: | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
| @ -58,7 +58,7 @@ permissions: read-all | |||||||
| jobs: | jobs: | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
| @ -55,7 +55,7 @@ permissions: read-all | |||||||
| jobs: | jobs: | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
| @ -68,7 +68,7 @@ permissions: read-all | |||||||
| jobs: | jobs: | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/inductor-periodic.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/inductor-periodic.yml
									
									
									
									
										vendored
									
									
								
							| @ -20,7 +20,7 @@ permissions: read-all | |||||||
| jobs: | jobs: | ||||||
|   get-default-label-prefix: |   get-default-label-prefix: | ||||||
|     name: get-default-label-prefix |     name: get-default-label-prefix | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/inductor-rocm-mi300.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/inductor-rocm-mi300.yml
									
									
									
									
										vendored
									
									
								
							| @ -28,7 +28,7 @@ jobs: | |||||||
|  |  | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/inductor-rocm.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/inductor-rocm.yml
									
									
									
									
										vendored
									
									
								
							| @ -21,7 +21,7 @@ permissions: | |||||||
| jobs: | jobs: | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/inductor-unittest.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/inductor-unittest.yml
									
									
									
									
										vendored
									
									
								
							| @ -17,7 +17,7 @@ permissions: read-all | |||||||
| jobs: | jobs: | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/inductor.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/inductor.yml
									
									
									
									
										vendored
									
									
								
							| @ -33,7 +33,7 @@ jobs: | |||||||
|  |  | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/lint-autoformat.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/lint-autoformat.yml
									
									
									
									
										vendored
									
									
								
							| @ -13,7 +13,7 @@ jobs: | |||||||
|     if: ${{ github.repository_owner == 'pytorch' && contains(github.event.pull_request.labels.*.name, 'autoformat') }} |     if: ${{ github.repository_owner == 'pytorch' && contains(github.event.pull_request.labels.*.name, 'autoformat') }} | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout pytorch |       - name: Checkout pytorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           submodules: true |           submodules: true | ||||||
|           fetch-depth: 0 |           fetch-depth: 0 | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/lint-bc.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/lint-bc.yml
									
									
									
									
										vendored
									
									
								
							| @ -20,7 +20,7 @@ jobs: | |||||||
|     runs-on: ubuntu-latest |     runs-on: ubuntu-latest | ||||||
|     steps: |     steps: | ||||||
|       - name: Run BC Lint Action |       - name: Run BC Lint Action | ||||||
|         uses: pytorch/test-infra/.github/actions/bc-lint@main |         uses: pytorch/test-infra/.github/actions/bc-lint@release/2.8 | ||||||
|         with: |         with: | ||||||
|           repo: ${{ github.event.pull_request.head.repo.full_name }} |           repo: ${{ github.event.pull_request.head.repo.full_name }} | ||||||
|           base_sha: ${{ github.event.pull_request.base.sha }} |           base_sha: ${{ github.event.pull_request.base.sha }} | ||||||
|  | |||||||
							
								
								
									
										21
									
								
								.github/workflows/lint.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										21
									
								
								.github/workflows/lint.yml
									
									
									
									
										vendored
									
									
								
							| @ -21,14 +21,14 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
|       curr_branch: ${{ github.head_ref || github.ref_name }} |       curr_branch: ${{ github.head_ref || github.ref_name }} | ||||||
|  |  | ||||||
|   lintrunner-clang: |   lintrunner-clang: | ||||||
|     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@main |     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@release/2.8 | ||||||
|     needs: get-label-type |     needs: get-label-type | ||||||
|     with: |     with: | ||||||
|       timeout: 120 |       timeout: 120 | ||||||
| @ -45,7 +45,7 @@ jobs: | |||||||
|         .github/scripts/lintrunner.sh |         .github/scripts/lintrunner.sh | ||||||
|  |  | ||||||
|   lintrunner-noclang: |   lintrunner-noclang: | ||||||
|     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@main |     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@release/2.8 | ||||||
|     needs: get-label-type |     needs: get-label-type | ||||||
|     with: |     with: | ||||||
|       timeout: 120 |       timeout: 120 | ||||||
| @ -61,7 +61,7 @@ jobs: | |||||||
|         .github/scripts/lintrunner.sh |         .github/scripts/lintrunner.sh | ||||||
|  |  | ||||||
|   quick-checks: |   quick-checks: | ||||||
|     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@main |     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@release/2.8 | ||||||
|     needs: get-label-type |     needs: get-label-type | ||||||
|     with: |     with: | ||||||
|       timeout: 120 |       timeout: 120 | ||||||
| @ -101,7 +101,7 @@ jobs: | |||||||
|     if: github.event_name == 'pull_request' && !contains(github.event.pull_request.labels.*.name, 'skip-pr-sanity-checks') |     if: github.event_name == 'pull_request' && !contains(github.event.pull_request.labels.*.name, 'skip-pr-sanity-checks') | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           submodules: false |           submodules: false | ||||||
|           fetch-depth: -1 |           fetch-depth: -1 | ||||||
| @ -114,7 +114,7 @@ jobs: | |||||||
|           bash .github/scripts/pr-sanity-check.sh |           bash .github/scripts/pr-sanity-check.sh | ||||||
|  |  | ||||||
|   workflow-checks: |   workflow-checks: | ||||||
|     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@main |     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@release/2.8 | ||||||
|     needs: get-label-type |     needs: get-label-type | ||||||
|     with: |     with: | ||||||
|       timeout: 120 |       timeout: 120 | ||||||
| @ -125,6 +125,7 @@ jobs: | |||||||
|       ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} |       ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }} | ||||||
|       script: | |       script: | | ||||||
|         # Regenerate workflows |         # Regenerate workflows | ||||||
|  |         export RELEASE_VERSION_TAG=2.8 | ||||||
|         .github/scripts/generate_ci_workflows.py |         .github/scripts/generate_ci_workflows.py | ||||||
|  |  | ||||||
|         RC=0 |         RC=0 | ||||||
| @ -148,7 +149,7 @@ jobs: | |||||||
|         exit $RC |         exit $RC | ||||||
|  |  | ||||||
|   toc: |   toc: | ||||||
|     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@main |     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@release/2.8 | ||||||
|     needs: get-label-type |     needs: get-label-type | ||||||
|     with: |     with: | ||||||
|       timeout: 120 |       timeout: 120 | ||||||
| @ -184,7 +185,7 @@ jobs: | |||||||
|   test-tools: |   test-tools: | ||||||
|     name: Test tools |     name: Test tools | ||||||
|     if: ${{ github.repository == 'pytorch/pytorch' }} |     if: ${{ github.repository == 'pytorch/pytorch' }} | ||||||
|     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@main |     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@release/2.8 | ||||||
|     needs: get-label-type |     needs: get-label-type | ||||||
|     with: |     with: | ||||||
|       timeout: 120 |       timeout: 120 | ||||||
| @ -204,7 +205,7 @@ jobs: | |||||||
|     runs-on: linux.24_04.4x |     runs-on: linux.24_04.4x | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           submodules: false |           submodules: false | ||||||
|           fetch-depth: 1 |           fetch-depth: 1 | ||||||
| @ -241,7 +242,7 @@ jobs: | |||||||
|       # [see note: pytorch repo ref] |       # [see note: pytorch repo ref] | ||||||
|       # deep clone (fetch-depth 0) required, to allow us to use git log |       # deep clone (fetch-depth 0) required, to allow us to use git log | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           submodules: false |           submodules: false | ||||||
|           fetch-depth: 1 |           fetch-depth: 1 | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/linux-aarch64.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/linux-aarch64.yml
									
									
									
									
										vendored
									
									
								
							| @ -19,7 +19,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
|  | |||||||
							
								
								
									
										4
									
								
								.github/workflows/llm_td_retrieval.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										4
									
								
								.github/workflows/llm_td_retrieval.yml
									
									
									
									
										vendored
									
									
								
							| @ -12,7 +12,7 @@ jobs: | |||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     # Don't run on forked repos |     # Don't run on forked repos | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -116,5 +116,5 @@ jobs: | |||||||
|           AWS_REGION: "" |           AWS_REGION: "" | ||||||
|  |  | ||||||
|       - name: Teardown Linux |       - name: Teardown Linux | ||||||
|         uses: pytorch/test-infra/.github/actions/teardown-linux@main |         uses: pytorch/test-infra/.github/actions/teardown-linux@release/2.8 | ||||||
|         if: always() |         if: always() | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/nightly-s3-uploads.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/nightly-s3-uploads.yml
									
									
									
									
										vendored
									
									
								
							| @ -23,7 +23,7 @@ jobs: | |||||||
|     environment: upload-stats |     environment: upload-stats | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           fetch-depth: 1 |           fetch-depth: 1 | ||||||
|           submodules: false |           submodules: false | ||||||
|  | |||||||
							
								
								
									
										4
									
								
								.github/workflows/nightly.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										4
									
								
								.github/workflows/nightly.yml
									
									
									
									
										vendored
									
									
								
							| @ -19,7 +19,7 @@ concurrency: | |||||||
| jobs: | jobs: | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
| @ -87,7 +87,7 @@ jobs: | |||||||
|     if: github.repository_owner == 'pytorch' && (github.event_name == 'schedule' || github.event_name == 'workflow_dispatch') |     if: github.repository_owner == 'pytorch' && (github.event_name == 'schedule' || github.event_name == 'workflow_dispatch') | ||||||
|     steps: |     steps: | ||||||
|       - name: "${{ matrix.repo-owner }}/${{ matrix.repo-name }} update-commit-hash" |       - name: "${{ matrix.repo-owner }}/${{ matrix.repo-name }} update-commit-hash" | ||||||
|         uses: pytorch/test-infra/.github/actions/update-commit-hash@main |         uses: pytorch/test-infra/.github/actions/update-commit-hash@release/2.8 | ||||||
|         with: |         with: | ||||||
|           repo-owner: ${{ matrix.repo-owner }} |           repo-owner: ${{ matrix.repo-owner }} | ||||||
|           repo-name: ${{ matrix.repo-name }} |           repo-name: ${{ matrix.repo-name }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/nitpicker.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/nitpicker.yml
									
									
									
									
										vendored
									
									
								
							| @ -19,7 +19,7 @@ jobs: | |||||||
|     if: ${{ github.event.pull_request.number != 26921 && github.repository_owner == 'pytorch' }} |     if: ${{ github.event.pull_request.number != 26921 && github.repository_owner == 'pytorch' }} | ||||||
|     steps: |     steps: | ||||||
|     - name: Checkout PyTorch |     - name: Checkout PyTorch | ||||||
|       uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |       uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|     - uses: ethanis/nitpicker@v1 |     - uses: ethanis/nitpicker@v1 | ||||||
|       with: |       with: | ||||||
|         nitpicks: '.github/nitpicks.yml' |         nitpicks: '.github/nitpicks.yml' | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/periodic-rocm-mi300.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/periodic-rocm-mi300.yml
									
									
									
									
										vendored
									
									
								
							| @ -41,7 +41,7 @@ jobs: | |||||||
|  |  | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' |     if: (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/periodic.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/periodic.yml
									
									
									
									
										vendored
									
									
								
							| @ -41,7 +41,7 @@ jobs: | |||||||
|  |  | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' |     if: (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
							
								
								
									
										4
									
								
								.github/workflows/pull.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										4
									
								
								.github/workflows/pull.yml
									
									
									
									
										vendored
									
									
								
							| @ -40,7 +40,7 @@ jobs: | |||||||
|  |  | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
| @ -201,6 +201,7 @@ jobs: | |||||||
|           { config: "dynamo_wrapped", shard: 1, num_shards: 3, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" }, |           { config: "dynamo_wrapped", shard: 1, num_shards: 3, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" }, | ||||||
|           { config: "dynamo_wrapped", shard: 2, num_shards: 3, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" }, |           { config: "dynamo_wrapped", shard: 2, num_shards: 3, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" }, | ||||||
|           { config: "dynamo_wrapped", shard: 3, num_shards: 3, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" }, |           { config: "dynamo_wrapped", shard: 3, num_shards: 3, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" }, | ||||||
|  |           { config: "einops", shard: 1, num_shards: 1, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" } | ||||||
|         ]} |         ]} | ||||||
|     secrets: inherit |     secrets: inherit | ||||||
|  |  | ||||||
| @ -236,6 +237,7 @@ jobs: | |||||||
|           { config: "dynamo_wrapped", shard: 1, num_shards: 3, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" }, |           { config: "dynamo_wrapped", shard: 1, num_shards: 3, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" }, | ||||||
|           { config: "dynamo_wrapped", shard: 2, num_shards: 3, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" }, |           { config: "dynamo_wrapped", shard: 2, num_shards: 3, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" }, | ||||||
|           { config: "dynamo_wrapped", shard: 3, num_shards: 3, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" }, |           { config: "dynamo_wrapped", shard: 3, num_shards: 3, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" }, | ||||||
|  |           { config: "einops", shard: 1, num_shards: 1, runner: "${{ needs.get-label-type.outputs.label-type }}linux.2xlarge" } | ||||||
|         ]} |         ]} | ||||||
|     secrets: inherit |     secrets: inherit | ||||||
|  |  | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/rocm-mi300.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/rocm-mi300.yml
									
									
									
									
										vendored
									
									
								
							| @ -28,7 +28,7 @@ jobs: | |||||||
|  |  | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/slow.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/slow.yml
									
									
									
									
										vendored
									
									
								
							| @ -39,7 +39,7 @@ jobs: | |||||||
|  |  | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
| @ -13,7 +13,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -35,7 +35,7 @@ jobs: | |||||||
|  |  | ||||||
|       - name: Calculate docker image |       - name: Calculate docker image | ||||||
|         id: calculate-docker-image |         id: calculate-docker-image | ||||||
|         uses: pytorch/test-infra/.github/actions/calculate-docker-image@main |         uses: pytorch/test-infra/.github/actions/calculate-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image-name: ci-image:pytorch-linux-jammy-cuda12.8-cudnn9-py3-gcc11 |           docker-image-name: ci-image:pytorch-linux-jammy-cuda12.8-cudnn9-py3-gcc11 | ||||||
|           working-directory: pytorch |           working-directory: pytorch | ||||||
| @ -50,13 +50,13 @@ jobs: | |||||||
|           echo "docker pull ghcr.io/pytorch/ci-image:${tag/:/-}" |           echo "docker pull ghcr.io/pytorch/ci-image:${tag/:/-}" | ||||||
|  |  | ||||||
|       - name: Pull docker image |       - name: Pull docker image | ||||||
|         uses: pytorch/test-infra/.github/actions/pull-docker-image@main |         uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.8 | ||||||
|         with: |         with: | ||||||
|           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} |           docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} | ||||||
|  |  | ||||||
|       - name: Install nvidia driver, nvidia-docker runtime, set GPU_FLAG |       - name: Install nvidia driver, nvidia-docker runtime, set GPU_FLAG | ||||||
|         id: install-nvidia-driver |         id: install-nvidia-driver | ||||||
|         uses: pytorch/test-infra/.github/actions/setup-nvidia@main |         uses: pytorch/test-infra/.github/actions/setup-nvidia@release/2.8 | ||||||
|  |  | ||||||
|       - name: Clone CodeLlama |       - name: Clone CodeLlama | ||||||
|         uses: actions/checkout@11bd71901bbe5b1630ceea73d27597364c9af683 # v4.2.2 |         uses: actions/checkout@11bd71901bbe5b1630ceea73d27597364c9af683 # v4.2.2 | ||||||
| @ -149,7 +149,7 @@ jobs: | |||||||
|             "s3://target-determinator-assets/indexes/latest/${ZIP_NAME}" |             "s3://target-determinator-assets/indexes/latest/${ZIP_NAME}" | ||||||
|  |  | ||||||
|       - name: Teardown Linux |       - name: Teardown Linux | ||||||
|         uses: pytorch/test-infra/.github/actions/teardown-linux@main |         uses: pytorch/test-infra/.github/actions/teardown-linux@release/2.8 | ||||||
|         if: always() |         if: always() | ||||||
|  |  | ||||||
| concurrency: | concurrency: | ||||||
|  | |||||||
							
								
								
									
										4
									
								
								.github/workflows/target_determination.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										4
									
								
								.github/workflows/target_determination.yml
									
									
									
									
										vendored
									
									
								
							| @ -9,7 +9,7 @@ jobs: | |||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     # Don't run on forked repos |     # Don't run on forked repos | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
| @ -27,7 +27,7 @@ jobs: | |||||||
|       # checkout because when we run this action we don't *have* a local |       # checkout because when we run this action we don't *have* a local | ||||||
|       # checkout. In other cases you should prefer a local checkout. |       # checkout. In other cases you should prefer a local checkout. | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           submodules: false |           submodules: false | ||||||
|  |  | ||||||
|  | |||||||
							
								
								
									
										4
									
								
								.github/workflows/test-check-binary.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										4
									
								
								.github/workflows/test-check-binary.yml
									
									
									
									
										vendored
									
									
								
							| @ -15,7 +15,7 @@ jobs: | |||||||
|   check_binary_linux_cpu: |   check_binary_linux_cpu: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: Test check_binary.sh for Linux CPU |     name: Test check_binary.sh for Linux CPU | ||||||
|     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@main |     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       docker-image: python:3.11 |       docker-image: python:3.11 | ||||||
|       docker-build-dir: "skip-docker-build" |       docker-build-dir: "skip-docker-build" | ||||||
| @ -28,7 +28,7 @@ jobs: | |||||||
|   check_binary_linux_cuda: |   check_binary_linux_cuda: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: Test check_binary.sh for Linux CUDA |     name: Test check_binary.sh for Linux CUDA | ||||||
|     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@main |     uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       runner: linux.4xlarge.nvidia.gpu |       runner: linux.4xlarge.nvidia.gpu | ||||||
|       docker-image: python:3.11 |       docker-image: python:3.11 | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/test-h100.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/test-h100.yml
									
									
									
									
										vendored
									
									
								
							| @ -20,7 +20,7 @@ jobs: | |||||||
|   get-label-type: |   get-label-type: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/torchbench.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/torchbench.yml
									
									
									
									
										vendored
									
									
								
							| @ -14,7 +14,7 @@ jobs: | |||||||
|   get-default-label-prefix: |   get-default-label-prefix: | ||||||
|     if: github.repository_owner == 'pytorch' |     if: github.repository_owner == 'pytorch' | ||||||
|     name: get-default-label-prefix |     name: get-default-label-prefix | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} |       issue_owner: ${{ github.event.pull_request.user.login || github.event.issue.user.login }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/trunk.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/trunk.yml
									
									
									
									
										vendored
									
									
								
							| @ -37,7 +37,7 @@ jobs: | |||||||
|  |  | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/unstable.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/unstable.yml
									
									
									
									
										vendored
									
									
								
							| @ -44,7 +44,7 @@ jobs: | |||||||
|  |  | ||||||
|   get-label-type: |   get-label-type: | ||||||
|     name: get-label-type |     name: get-label-type | ||||||
|     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@main |     uses: pytorch/pytorch/.github/workflows/_runner-determinator.yml@release/2.8 | ||||||
|     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} |     if: ${{ (github.event_name != 'schedule' || github.repository == 'pytorch/pytorch') && github.repository_owner == 'pytorch' }} | ||||||
|     with: |     with: | ||||||
|       triggering_actor: ${{ github.triggering_actor }} |       triggering_actor: ${{ github.triggering_actor }} | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/update-viablestrict.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/update-viablestrict.yml
									
									
									
									
										vendored
									
									
								
							| @ -18,7 +18,7 @@ jobs: | |||||||
|     environment: ${{ (github.event_name == 'schedule') && 'mergebot' || '' }} |     environment: ${{ (github.event_name == 'schedule') && 'mergebot' || '' }} | ||||||
|     steps: |     steps: | ||||||
|       - name: Update viable/strict |       - name: Update viable/strict | ||||||
|         uses: pytorch/test-infra/.github/actions/update-viablestrict@main |         uses: pytorch/test-infra/.github/actions/update-viablestrict@release/2.8 | ||||||
|         id: update_viablestrict |         id: update_viablestrict | ||||||
|         with: |         with: | ||||||
|           repository: pytorch/pytorch |           repository: pytorch/pytorch | ||||||
|  | |||||||
							
								
								
									
										2
									
								
								.github/workflows/update_pytorch_labels.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										2
									
								
								.github/workflows/update_pytorch_labels.yml
									
									
									
									
										vendored
									
									
								
							| @ -17,7 +17,7 @@ jobs: | |||||||
|       contents: read |       contents: read | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           fetch-depth: 1 |           fetch-depth: 1 | ||||||
|           submodules: false |           submodules: false | ||||||
|  | |||||||
| @ -16,7 +16,7 @@ jobs: | |||||||
|     runs-on: linux.2xlarge |     runs-on: linux.2xlarge | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           fetch-depth: 1 |           fetch-depth: 1 | ||||||
|           submodules: false |           submodules: false | ||||||
|  | |||||||
							
								
								
									
										3
									
								
								.github/workflows/upload-test-stats.yml
									
									
									
									
										vendored
									
									
								
							
							
						
						
									
										3
									
								
								.github/workflows/upload-test-stats.yml
									
									
									
									
										vendored
									
									
								
							| @ -16,6 +16,7 @@ on: | |||||||
|       - rocm-mi300 |       - rocm-mi300 | ||||||
|       - inductor-micro-benchmark |       - inductor-micro-benchmark | ||||||
|       - inductor-micro-benchmark-x86 |       - inductor-micro-benchmark-x86 | ||||||
|  |       - inductor-cu124 | ||||||
|       - inductor-rocm |       - inductor-rocm | ||||||
|       - inductor-rocm-mi300 |       - inductor-rocm-mi300 | ||||||
|       - mac-mps |       - mac-mps | ||||||
| @ -56,7 +57,7 @@ jobs: | |||||||
|         run: echo "${TRIGGERING_WORKFLOW}" |         run: echo "${TRIGGERING_WORKFLOW}" | ||||||
|  |  | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|  |  | ||||||
|       - name: Configure aws credentials |       - name: Configure aws credentials | ||||||
|         uses: aws-actions/configure-aws-credentials@ececac1a45f3b08a01d2dd070d28d111c5fe6722 # v4.1.0 |         uses: aws-actions/configure-aws-credentials@ececac1a45f3b08a01d2dd070d28d111c5fe6722 # v4.1.0 | ||||||
|  | |||||||
| @ -32,7 +32,7 @@ jobs: | |||||||
|     name: Upload dynamo performance stats for ${{ github.event.workflow_run.id }}, attempt ${{ github.event.workflow_run.run_attempt }} |     name: Upload dynamo performance stats for ${{ github.event.workflow_run.id }}, attempt ${{ github.event.workflow_run.run_attempt }} | ||||||
|     steps: |     steps: | ||||||
|       - name: Checkout PyTorch |       - name: Checkout PyTorch | ||||||
|         uses: pytorch/pytorch/.github/actions/checkout-pytorch@main |         uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.8 | ||||||
|         with: |         with: | ||||||
|           submodules: false |           submodules: false | ||||||
|           fetch-depth: 1 |           fetch-depth: 1 | ||||||
|  | |||||||
Some files were not shown because too many files have changed in this diff Show More
		Reference in New Issue
	
	Block a user
	