Compare commits

...

17 Commits

Author SHA1 Message Date
a576d48637 Skip test_ind_worker_queue on Windows and macOS (flaky) (#163363)
Skip test_ind_worker_queue on Windows and macOS (flaky) (#162555)

Fixes https://github.com/pytorch/pytorch/issues/68643

It was closed by the bot yesterday and the issue was still there https://github.com/pytorch/pytorch/actions/runs/17595694816/job/49989589647.  It's better to just skip it directly in the code as this test has been disabled on Windows and MacOS since 2021 O_o
Pull Request resolved: https://github.com/pytorch/pytorch/pull/162555
Approved by: https://github.com/clee2000

(cherry picked from commit 98e22c8a693644c6d235d7a858dc411b1aefafa7)

Co-authored-by: Huy Do <huydhn@gmail.com>
2025-09-19 13:07:00 -07:00
25d8c0be68 Add decomp rule to assert_tensor_metadata for BatchedTensors (#163361)
Add decomp rule to assert_tensor_metadata for BatchedTensors  (#163008)

Whenever there is device move, export introduces assert_tensor_metadata aten operator to make sure to guard for device specialization. This aten op didn't work with Vmap because we didn't register explicit decomp rule saying we just skip BatchedTensor and call it on underlying tensor

Differential Revision: [D82483979](https://our.internmc.facebook.com/intern/diff/D82483979)
Pull Request resolved: https://github.com/pytorch/pytorch/pull/163008
Approved by: https://github.com/huydhn

(cherry picked from commit e28983be76aa4651e3cb69dc3a4234d75038d938)

Co-authored-by: Tugsbayasgalan Manlaibaatar <tmanlaibaatar@fb.com>
2025-09-19 13:00:57 -07:00
b1aae80953 [Cherry Pick][Graph Partition] allow sharing default device context (#163097)
cherry pick PR 162873
2025-09-19 11:10:29 -07:00
eqy
76bebf38de [Release 2.9] [cuDNN][SDPA][submodule] Roll-back cuDNN frontend upgrade, update Met… (#163265)
[cuDNN][SDPA][submodule] Roll-back cuDNN frontend upgrade, update Meta registration (#163104)

For https://github.com/pytorch/torchtitan/issues/1713

Also note that we will need to rollback the cuDNN frontend upgrade in 2.9 as it currently introduces a segmentation fault by assuming tensors have their strides and sizes populated at graph creation time 1a7b4b78db/include/cudnn_frontend/node/sdpa_support_surface.h (L447%C2%A0)

Pull Request resolved: https://github.com/pytorch/pytorch/pull/163104
Approved by: https://github.com/drisspg
2025-09-19 10:53:04 -07:00
bc158ebdc7 [SymmMem] Fix NVSHMEM plugin + Triton 3.5 (#163262)
[SymmMem] Fix NVSHMEM plugin + Triton 3.5 (#163152)

1. The dispatch signatures defined in `core.extern_elementwise` call must match the C signature of the NVSHMEM functions, in particular the dtypes. Otherwise, there would be weird errors, such as IMA or hang. When matched, most of time the NVSHMEM device function will be inlined into the generated PTX. When not matched, it is represented as a function call in the PTX (not sure if it is the function call that goes wrong).

2. When calling the `core.extern` wrappers from the `triton.jit` kernels, the input must be cast to match the signatures defined in 1, e.g. via `nbytes.to(tl.int64)`. Otherwise, Triton will report a key error when searching for such kernel.

Pull Request resolved: https://github.com/pytorch/pytorch/pull/163152
Approved by: https://github.com/ngimel
ghstack dependencies: #163025

(cherry picked from commit 57a54a04b6eb78e0aa7d13b48e25fb8c0c49fd60)

Co-authored-by: Ke Wen <kw2501@meta.com>
2025-09-19 10:51:02 -07:00
ffa6f63fe2 Revert "Make distributed modules importable even when backend not bui… (#163024)
Revert "Make distributed modules importable even when backend not built (#159889)" (#162568)

This reverts commit a0d026688cd69583d5a4e0c6f3e5fda141a7f4a9.

Revert "Always build USE_DISTRIBUTED. (#160449)"

This reverts commit d80297a6846f1f2c36fd4f19e22919f2abe8fcea.

Pull Request resolved: https://github.com/pytorch/pytorch/pull/162568
Approved by: https://github.com/huydhn

Co-authored-by: Edward Yang <ezyang@meta.com>
2025-09-19 10:34:55 -07:00
baab5c6c8b [ONNX] Update export docstring & Set fallback=False by default (#162637)
* [ONNX] Update export docstring (#162622)

Update export docstring to reflect the latest configuration.

Pull Request resolved: https://github.com/pytorch/pytorch/pull/162622
Approved by: https://github.com/titaiwangms

(cherry picked from commit 7e2e83cdbe532b230dee40cfe0454116c9b64710)

* Change fallback option to False in ONNX export

* Change fallback parameter default to False

---------

Co-authored-by: Justin Chu <justinchuby@users.noreply.github.com>
2025-09-16 17:23:47 -07:00
9718af107e Support vmap + custom autograd function/improve DTensor constructor inefficiency (#162738)
Support vmap + custom autograd function/improve DTensor constructor inefficiency (#162240)

This makes gemma3 exportable on transformers=4.55.4

In HF, there is a torch funciton mode called TransformGetItemToIndex which internally calls custom autograd function. When this custom autograd function is called under vmap, It triggers CustomFunctionHigherOrderOP which error-ed because there was no pre-dispatch proxy mode implementation.

Since there are number of requests lately to add various operators in pre-dispatch IR, I introduce a decorator in export that works similar to `allow_in_graph`. Basically:
1) We intercept custom_autograd_function.apply at pre-dispatch mode when this decorator is applied
2) We apply `flat_apply` HOP to hide the pytree spec for this autograd function. Note that this adds restriction that this custom autograd function needs to take in fx-able types.
3) subclass constructor decorator is implemented similarly, so we just refactor it to use similar implementation as this new decorator. eventually we should delete the subclass constructor decorator.
4) Move some code in subclass constructor decorator to exit early in non-export environment which should shave off some inefficiency (around 1% according to @swolchok 's benchmark)

Fixes: https://github.com/pytorch/pytorch/issues/161563#issuecomment-3246309758

Differential Revision: [D82141316](https://our.internmc.facebook.com/intern/diff/D82141316)
Pull Request resolved: https://github.com/pytorch/pytorch/pull/162240
Approved by: https://github.com/ydwu4

(cherry picked from commit 463fbc8ca0537e5635236190d2ca38ce6fcef831)

Co-authored-by: Tugsbayasgalan Manlaibaatar <tmanlaibaatar@fb.com>
2025-09-16 17:22:16 -07:00
7f8ba48c2a Fix the regression issue caused by non-arrch64 platforms not hitting the MKLDNN path. (#162778)
Fix the regression issue caused by non-arrch64 platforms not hitting the MKLDNN path. (#162168)

This issue was introduced by the commit in issue #161065. Added an extra check to provide a proper path for other platforms.

Pull Request resolved: https://github.com/pytorch/pytorch/pull/162168
Approved by: https://github.com/mingfeima, https://github.com/malfet


(cherry picked from commit 563921619b3e820b170475b9278ff94ee6e1a32c)

Co-authored-by: Yuxingwang-intel <yuxing.wang@intel.com>
Co-authored-by: Nikita Shulga <2453524+malfet@users.noreply.github.com>
2025-09-16 17:21:10 -07:00
aebf427c53 [Release 2.9] Update torch-xpu-ops commit pin (#162935)
Update commit pin to f8408a
2025-09-16 17:19:31 -07:00
44baf2ff8d fix deterministic scatter_add path for multi-d tensors (#162977)
fix deterministic scatter_add path for multi-d tensors (#162866)

PReviously for more than 2d tensor `select` didn't work correctly.
Pull Request resolved: https://github.com/pytorch/pytorch/pull/162866
Approved by: https://github.com/valentinandrei

(cherry picked from commit bf6b40da3e3be7718b8ddc94eed2da8cabaa5e86)

Co-authored-by: Natalia Gimelshein <ngimel@meta.com>
2025-09-16 17:17:36 -07:00
1076941ff7 [ONNX] Fix rotary_embedding_23 implementation (#163041)
[ONNX] Fix rotary_embedding_23 implementation (#162865)

The implementation of rotary_embedding_23 when input is 3D was incorrect.

## Tested

Locally with

```py
import onnx_ir as ir
import onnx
import torch
import os
import numpy as np

base_path = "/home/justinchu/dev/onnx/onnx/backend/test/data/node"
test_names = [
    "test_rotary_embedding",
    "test_rotary_embedding_3d_input",
    "test_rotary_embedding_interleaved",
    "test_rotary_embedding_no_position_ids",
    "test_rotary_embedding_no_position_ids_interleaved",
    "test_rotary_embedding_no_position_ids_rotary_dim",
    "test_rotary_embedding_with_interleaved_rotary_dim",
    "test_rotary_embedding_with_rotary_dim",
]
model_paths = [os.path.join(base_path, name) for name in test_names]

for path in model_paths:
    print(f"Checking {path} for issues...")

    model = onnx.load(os.path.join(path, "model.onnx"))
    input0 = ir.from_proto(
        onnx.load_tensor(os.path.join(path, "test_data_set_0", "input_0.pb"))
    ).numpy()
    input1 = ir.from_proto(
        onnx.load_tensor(os.path.join(path, "test_data_set_0", "input_1.pb"))
    ).numpy()
    input2 = ir.from_proto(
        onnx.load_tensor(os.path.join(path, "test_data_set_0", "input_2.pb"))
    ).numpy()
    if os.path.exists(os.path.join(path, "test_data_set_0", "input_3.pb")):
        input3 = ir.from_proto(
            onnx.load_tensor(os.path.join(path, "test_data_set_0", "input_3.pb"))
        ).numpy()
    else:
        input3 = None
    output0 = ir.from_proto(
        onnx.load_tensor(os.path.join(path, "test_data_set_0", "output_0.pb"))
    ).numpy()

    m = ir.from_proto(model)

    node = m.graph[-1]
    print(node)
    assert node.op_type == "RotaryEmbedding"

    interleaved = node.attributes.get_int("interleaved", 0)
    num_heads = node.attributes.get_int("num_heads", 0)
    rotary_embedding_dim = node.attributes.get_int("rotary_embedding_dim", 0)

    torch_out = torch.onnx.ops.rotary_embedding(
        torch.tensor(input0),
        torch.tensor(input1),
        torch.tensor(input2),
        position_ids=torch.tensor(input3) if input3 is not None else None,
        interleaved=bool(interleaved),
        num_heads=num_heads,
        rotary_embedding_dim=rotary_embedding_dim,
    )
    torch_out = torch_out.detach().cpu().numpy()
    np.testing.assert_allclose(torch_out, output0)
```

Fix https://github.com/pytorch/pytorch/issues/162848

Pull Request resolved: https://github.com/pytorch/pytorch/pull/162865
Approved by: https://github.com/kunal-vaishnavi, https://github.com/titaiwangms

(cherry picked from commit fdf68fa5d70abebee1c5090a51ea30c7aa40b9b0)

Co-authored-by: Justin Chu <justinchuby@users.noreply.github.com>
2025-09-16 17:16:23 -07:00
0ac9fa4413 [ez][CI] Fix docs push in nightly workflow (#163085)
[ez][CI] Fix docs push in nightly workflow (#162657)

HUD metrics page says docs push hasn't happened in 21 days
<img width="293" height="142" alt="image" src="https://github.com/user-attachments/assets/f930aab8-0503-4bf2-b962-8c375dec6b78" />

I guess main branch docs just haven't been updated?  Did anyone notice?  Do we care?

Either way I think this should fix it

Likely started after https://github.com/pytorch/pytorch/pull/161182
Pull Request resolved: https://github.com/pytorch/pytorch/pull/162657
Approved by: https://github.com/huydhn

(cherry picked from commit 2f533959430c2a41fe16ef79fe4d680a5c4e0585)

Co-authored-by: Catherine Lee <csl@fb.com>
2025-09-16 12:04:17 -07:00
152383b745 fix typo: summit -> submit (#162597)
fix typo: summit -> submit (#162587)

Pull Request resolved: https://github.com/pytorch/pytorch/pull/162587
Approved by: https://github.com/justinchuby

(cherry picked from commit fefc406a3d0d90db0f808419fb88045f90b213cd)

Co-authored-by: Masaki Kozuki <mkozuki@nvidia.com>
2025-09-12 11:41:11 -04:00
c31a8186c1 [CD] Aarch64 Fix packaging `libarm_compute.so` and other libraries to the aarch64 CUDA wheels (#162596)
[CD] Aarch64 Fix packaging ``libarm_compute.so`` and other libraries to the aarch64 CUDA wheels (#162566)

Fixes aarch64 linux packaging, following error:
https://github.com/pytorch/vision/actions/runs/17612462583/job/50037380487#step:15:62
```
Traceback (most recent call last):
  File "/__w/vision/vision/pytorch/vision/setup.py", line 13, in <module>
    import torch
  File "/__w/_temp/conda_environment_17612462583/lib/python3.11/site-packages/torch/__init__.py", line 415, in <module>
    from torch._C import *  # noqa: F403
    ^^^^^^^^^^^^^^^^^^^^^^
ImportError: libarm_compute.so: cannot open shared object file: No such file or directory
```
Due to missing dependencies.

Current Error:
File torch-2.10.0.dev20250910+cu130-cp310-cp310-linux_aarch64.whl is extracted
File is repackaged as torch-2.10.0.dev20250910+cu130-cp310-cp310-manylinux_2_28_aarch64.whl
File torch-2.10.0.dev20250910+cu130-cp310-cp310-linux_aarch64.whl renamed as torch-2.10.0.dev20250910+cu130-cp310-cp310-manylinux_2_28_aarch64.whl
Hence the repackaging does not take any effect.

This PR does following
File torch-2.10.0.dev20250910+cu130-cp310-cp310-linux_aarch64.whl is extracted
File torch-2.10.0.dev20250910+cu130-cp310-cp310-linux_aarch64.whl  deleted
File is repackaged as torch-2.10.0.dev20250910+cu130-cp310-cp310-manylinux_2_28_aarch64.whl

Looks like after migrating from zipping the wheel to wheel pack renaming the wheel is no longer necessary. Hence removing renaming and deleting old file.
```
2025-09-10T10:10:05.9652454Z Using nvidia libs from pypi - skipping CUDA library bundling
2025-09-10T10:10:05.9656595Z Copying to /pytorch/dist/tmp/torch/lib/libgomp.so.1
2025-09-10T10:10:05.9873843Z Copying to /pytorch/dist/tmp/torch/lib/libgfortran.so.5
2025-09-10T10:10:06.0410041Z Copying to /pytorch/dist/tmp/torch/lib/libarm_compute.so
2025-09-10T10:10:06.2869242Z Copying to /pytorch/dist/tmp/torch/lib/libarm_compute_graph.so
2025-09-10T10:10:06.4385740Z Copying to /pytorch/dist/tmp/torch/lib/libnvpl_lapack_lp64_gomp.so.0
2025-09-10T10:10:06.5461372Z Copying to /pytorch/dist/tmp/torch/lib/libnvpl_blas_lp64_gomp.so.0
2025-09-10T10:10:06.5728970Z Copying to /pytorch/dist/tmp/torch/lib/libnvpl_lapack_core.so.0
2025-09-10T10:10:06.6231872Z Copying to /pytorch/dist/tmp/torch/lib/libnvpl_blas_core.so.0
2025-09-10T10:10:14.1503110Z Updated tag from Tag: cp310-cp310-linux_aarch64
2025-09-10T10:10:14.1503482Z  to Tag: cp310-cp310-manylinux_2_28_aarch64
2025-09-10T10:10:14.1503682Z
2025-09-10T10:10:41.6498892Z Repacking wheel as /pytorch/dist/torch-2.10.0.dev20250910+cu130-cp310-cp310-manylinux_2_28_aarch64.whl...OK
2025-09-10T10:10:41.9394460Z Renaming torch-2.10.0.dev20250910+cu130-cp310-cp310-linux_aarch64.whl wheel to torch-2.10.0.dev20250910+cu130-cp310-cp310-manylinux_2_28_aarch64.whl
```

Test Plan, Executed on local file:
```
  inflating: ubuntu/dist/tmp/torch-2.9.0.dev20250909+cu130.dist-info/WHEEL
  inflating: ubuntu/dist/tmp/torch-2.9.0.dev20250909+cu130.dist-info/entry_points.txt
  inflating: ubuntu/dist/tmp/torch-2.9.0.dev20250909+cu130.dist-info/top_level.txt
  inflating: ubuntu/dist/tmp/torch-2.9.0.dev20250909+cu130.dist-info/RECORD
Bundling CUDA libraries with wheel
Updated tag from Tag: cp310-cp310-manylinux_2_28_aarch64
 to Tag: cp310-cp310-manylinux_2_28_aarch64

Repacking wheel as ubuntu/dist/torch-2.9.0.dev20250909+cu130-cp310-cp310-manylinux_2_28_aarch64.whl...OK
Copying torch-2.9.0.dev20250909+cu130-cp310-cp310-manylinux_2_28_aarch64.whl to artifacts
Build Complete. Created torch-2.9.0.dev20250909+cu130-cp310-cp310-manylinux_2_28_aarch64.whl..
```

Pull Request resolved: https://github.com/pytorch/pytorch/pull/162566
Approved by: https://github.com/jeanschmidt, https://github.com/NicolasHug

(cherry picked from commit 3d32bb114bf0d5bd0193dc40f20253635dddf080)

Co-authored-by: atalman <atalman@fb.com>
2025-09-10 12:22:02 -04:00
ce928e17c1 CUDA 13.0 Windows Nvidia Driver Update to 580.88 (#162501)
CUDA 13.0 Windows Nvidia Driver Update to 580.88 (#162425)

Related to https://github.com/pytorch/pytorch/issues/162333
https://github.com/pytorch/pytorch/issues/159779

Pull Request resolved: https://github.com/pytorch/pytorch/pull/162425
Approved by: https://github.com/tinglvv, https://github.com/malfet

(cherry picked from commit e38e953432764e00f16999c8b7df6346ad357a16)

Co-authored-by: atalman <atalman@fb.com>
2025-09-09 14:27:57 -04:00
cd2c98a5b5 [Release 2.9] Release only changes (#162493) 2025-09-09 11:15:20 -07:00
177 changed files with 1507 additions and 1483 deletions

View File

@ -138,6 +138,8 @@ def package_cuda_wheel(wheel_path, desired_cuda) -> None:
folder = os.path.dirname(wheel_path) folder = os.path.dirname(wheel_path)
os.mkdir(f"{folder}/tmp") os.mkdir(f"{folder}/tmp")
os.system(f"unzip {wheel_path} -d {folder}/tmp") os.system(f"unzip {wheel_path} -d {folder}/tmp")
# Delete original wheel since it will be repackaged
os.system(f"rm {wheel_path}")
# Check if we should use PyPI NVIDIA libraries or bundle system libraries # Check if we should use PyPI NVIDIA libraries or bundle system libraries
use_nvidia_pypi_libs = os.getenv("USE_NVIDIA_PYPI_LIBS", "0") == "1" use_nvidia_pypi_libs = os.getenv("USE_NVIDIA_PYPI_LIBS", "0") == "1"
@ -275,14 +277,7 @@ def complete_wheel(folder: str) -> str:
f"/{folder}/dist/{repaired_wheel_name}", f"/{folder}/dist/{repaired_wheel_name}",
) )
else: else:
repaired_wheel_name = wheel_name.replace( repaired_wheel_name = list_dir(f"/{folder}/dist")[0]
"linux_aarch64", "manylinux_2_28_aarch64"
)
print(f"Renaming {wheel_name} wheel to {repaired_wheel_name}")
os.rename(
f"/{folder}/dist/{wheel_name}",
f"/{folder}/dist/{repaired_wheel_name}",
)
print(f"Copying {repaired_wheel_name} to artifacts") print(f"Copying {repaired_wheel_name} to artifacts")
shutil.copy2( shutil.copy2(

View File

@ -284,7 +284,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.9 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)"

View File

@ -35,10 +35,11 @@ fi
print_cmake_info print_cmake_info
if [[ ${BUILD_ENVIRONMENT} == *"distributed"* ]]; then if [[ ${BUILD_ENVIRONMENT} == *"distributed"* ]]; then
USE_OPENMP=1 WERROR=1 python setup.py bdist_wheel # Needed for inductor benchmarks, as lots of HF networks make `torch.distribtued` calls
USE_DISTRIBUTED=1 USE_OPENMP=1 WERROR=1 python setup.py bdist_wheel
else else
# NB: we always build with distributed; USE_DISTRIBUTED turns off all # Explicitly set USE_DISTRIBUTED=0 to align with the default build config on mac. This also serves as the sole CI config that tests
# backends (specifically the gloo backend), so test that this case works too # that building with USE_DISTRIBUTED=0 works at all. See https://github.com/pytorch/pytorch/issues/86448
USE_DISTRIBUTED=0 USE_OPENMP=1 MACOSX_DEPLOYMENT_TARGET=11.0 WERROR=1 BUILD_TEST=OFF USE_PYTORCH_METAL=1 python setup.py bdist_wheel --plat-name macosx_11_0_arm64 USE_DISTRIBUTED=0 USE_OPENMP=1 MACOSX_DEPLOYMENT_TARGET=11.0 WERROR=1 BUILD_TEST=OFF USE_PYTORCH_METAL=1 python setup.py bdist_wheel --plat-name macosx_11_0_arm64
fi fi
if which sccache > /dev/null; then if which sccache > /dev/null; then

View File

@ -13,13 +13,9 @@ if [[ ! $(python -c "import torch; print(int(torch.backends.openmp.is_available(
fi fi
popd popd
python -mpip install -r requirements.txt
# enable debug asserts in serialization # enable debug asserts in serialization
export TORCH_SERIALIZATION_DEBUG=1 export TORCH_SERIALIZATION_DEBUG=1
python -mpip install --no-input -r requirements.txt
setup_test_python() { setup_test_python() {
# The CircleCI worker hostname doesn't resolve to an address. # The CircleCI worker hostname doesn't resolve to an address.
# This environment variable makes ProcessGroupGloo default to # This environment variable makes ProcessGroupGloo default to

View File

@ -1,9 +1,9 @@
set WIN_DRIVER_VN=528.89 set WIN_DRIVER_VN=580.88
set "DRIVER_DOWNLOAD_LINK=https://ossci-windows.s3.amazonaws.com/%WIN_DRIVER_VN%-data-center-tesla-desktop-winserver-2016-2019-2022-dch-international.exe" & REM @lint-ignore set "DRIVER_DOWNLOAD_LINK=https://ossci-windows.s3.amazonaws.com/%WIN_DRIVER_VN%-data-center-tesla-desktop-win10-win11-64bit-dch-international.exe" & REM @lint-ignore
curl --retry 3 -kL %DRIVER_DOWNLOAD_LINK% --output %WIN_DRIVER_VN%-data-center-tesla-desktop-winserver-2016-2019-2022-dch-international.exe curl --retry 3 -kL %DRIVER_DOWNLOAD_LINK% --output %WIN_DRIVER_VN%-data-center-tesla-desktop-win10-win11-64bit-dch-international.exe
if errorlevel 1 exit /b 1 if errorlevel 1 exit /b 1
start /wait %WIN_DRIVER_VN%-data-center-tesla-desktop-winserver-2016-2019-2022-dch-international.exe -s -noreboot start /wait %WIN_DRIVER_VN%-data-center-tesla-desktop-win10-win11-64bit-dch-international.exe -s -noreboot
if errorlevel 1 exit /b 1 if errorlevel 1 exit /b 1
del %WIN_DRIVER_VN%-data-center-tesla-desktop-winserver-2016-2019-2022-dch-international.exe || ver > NUL del %WIN_DRIVER_VN%-data-center-tesla-desktop-win10-win11-64bit-dch-international.exe || ver > NUL

View File

@ -189,8 +189,7 @@ pip install requests ninja typing-extensions
retry pip install -r "${pytorch_rootdir}/requirements.txt" || true retry pip install -r "${pytorch_rootdir}/requirements.txt" || true
retry brew install libomp retry brew install libomp
# For USE_DISTRIBUTED=1 on macOS, this enables gloo, which needs libuv, which # For USE_DISTRIBUTED=1 on macOS, need libuv, which is build as part of tensorpipe submodule
# is build as part of tensorpipe submodule
export USE_DISTRIBUTED=1 export USE_DISTRIBUTED=1
export USE_MKLDNN=OFF export USE_MKLDNN=OFF

View File

@ -1 +1 @@
6c5478ff7c3d50dd1e3047d72ec5909bea474073 r2.9

View File

@ -41,9 +41,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=hjktHz2WOejHpxKpkqpDknTt5rMTM9KK"
# 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=wrjdvvQTJxgvMO.rGw5MEuMsj6XbjuV7"
# Some constants used to handle disabled and unstable jobs # Some constants used to handle disabled and unstable jobs
JOB_NAME_SEP = "/" JOB_NAME_SEP = "/"

View File

@ -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.9
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}

View File

@ -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.9
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:
contents: read contents: read
steps: steps:
- name: Setup XPU - name: Setup XPU
uses: pytorch/pytorch/.github/actions/setup-xpu@main uses: pytorch/pytorch/.github/actions/setup-xpu@release/2.9
- name: configure aws credentials - name: configure aws credentials
id: aws_creds id: aws_creds
uses: aws-actions/configure-aws-credentials@v4 uses: aws-actions/configure-aws-credentials@v4
@ -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.9
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.9
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.9
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.9
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

View File

@ -68,7 +68,7 @@ jobs:
chmod +x "${RUNNER_TEMP}/conda.sh" chmod +x "${RUNNER_TEMP}/conda.sh"
/bin/bash "${RUNNER_TEMP}/conda.sh" -b -p "${RUNNER_TEMP}/anaconda" /bin/bash "${RUNNER_TEMP}/conda.sh" -b -p "${RUNNER_TEMP}/anaconda"
echo "${RUNNER_TEMP}/anaconda/bin" >> "${GITHUB_PATH}" echo "${RUNNER_TEMP}/anaconda/bin" >> "${GITHUB_PATH}"
!{{ 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

View File

@ -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.9
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 }}

View File

@ -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.9
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.9
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.9
- 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.9
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.9
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.9
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.9
if: always() if: always()

View File

@ -142,13 +142,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.9
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.9
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' }}
@ -178,7 +178,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
@ -213,9 +212,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.9
with: with:
# If doing this in main or release branch, use docker.io. Otherwise # If doing this in release/2.9 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 }}
@ -227,7 +226,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.9
with: with:
docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }}
@ -283,7 +282,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.9
- name: Chown workspace - name: Chown workspace
if: always() && inputs.build_environment != 'linux-s390x-binary-manywheel' if: always() && inputs.build_environment != 'linux-s390x-binary-manywheel'

View File

@ -125,14 +125,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.9
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.9
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' }}
@ -155,7 +155,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
@ -186,7 +185,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.9
with: with:
driver-version: ${{ startsWith(inputs.GPU_ARCH_VERSION, '13') && '580.65.06' || '570.133.07' }} driver-version: ${{ startsWith(inputs.GPU_ARCH_VERSION, '13') && '580.65.06' || '570.133.07' }}
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' }}
@ -203,7 +202,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.9
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 }}
@ -213,7 +212,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.9
with: with:
docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }}
@ -225,7 +224,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.9
- name: Chown workspace - name: Chown workspace
if: always() && inputs.build_environment != 'linux-s390x-binary-manywheel' if: always() && inputs.build_environment != 'linux-s390x-binary-manywheel'

View File

@ -81,7 +81,7 @@ jobs:
SHA1: ${{ github.event.pull_request.head.sha || github.sha }} SHA1: ${{ github.event.pull_request.head.sha || github.sha }}
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.9
with: with:
no-sudo: true no-sudo: true

View File

@ -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.9
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.9
- 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.9
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.9
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.9
if: always() if: always()

View File

@ -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.9
with: with:
job-name: lint-urls job-name: lint-urls
timeout: 120 timeout: 120
@ -37,7 +37,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.9
with: with:
job-name: lint-xrefs job-name: lint-xrefs
timeout: 60 timeout: 60

View File

@ -134,7 +134,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.9
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 }}
@ -147,7 +147,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.9
with: with:
no-sudo: true no-sudo: true
@ -183,7 +183,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.9
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 }}
@ -199,7 +199,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.9
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 }}
@ -457,7 +457,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.9
if: always() && inputs.build-environment != 'linux-s390x-binary-manywheel' if: always() && inputs.build-environment != 'linux-s390x-binary-manywheel'
- name: Cleanup docker - name: Cleanup docker

View File

@ -99,7 +99,7 @@ jobs:
contents: read contents: read
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.9
if: ${{ !contains(matrix.runner, 'b200') && inputs.build-environment != 'linux-s390x-binary-manywheel' }} if: ${{ !contains(matrix.runner, 'b200') && inputs.build-environment != 'linux-s390x-binary-manywheel' }}
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -108,7 +108,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.9
with: with:
no-sudo: true no-sudo: true
@ -139,7 +139,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.9
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 }}
@ -155,7 +155,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.9
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 }}
@ -167,7 +167,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.9
with: with:
driver-version: ${{ matrix.config == 'legacy_nvidia_driver' && '525.105.17' || '570.133.07' }} driver-version: ${{ matrix.config == 'legacy_nvidia_driver' && '525.105.17' || '570.133.07' }}
if: ${{ contains(inputs.build-environment, 'cuda') && !contains(matrix.config, 'nogpu') && steps.check_container_runner.outputs.IN_CONTAINER_RUNNER == 'false' && !contains(matrix.runner, 'b200') }} if: ${{ contains(inputs.build-environment, 'cuda') && !contains(matrix.config, 'nogpu') && steps.check_container_runner.outputs.IN_CONTAINER_RUNNER == 'false' && !contains(matrix.runner, 'b200') }}
@ -418,7 +418,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.9
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
@ -476,7 +476,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.9
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

View File

@ -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.9
# [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.9
- 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.9
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
@ -188,4 +188,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.9

View File

@ -105,11 +105,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.9
# [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.9
- name: Get workflow job id - name: Get workflow job id
id: get-job-id id: get-job-id
@ -119,7 +119,7 @@ jobs:
github-token: ${{ secrets.GITHUB_TOKEN }} github-token: ${{ secrets.GITHUB_TOKEN }}
- 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.9
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
@ -257,7 +257,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.9
with: with:
benchmark-results-dir: test/test-reports benchmark-results-dir: test/test-reports
dry-run: false dry-run: false
@ -287,4 +287,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.9

View File

@ -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.9
with: with:
no-sudo: true no-sudo: true
@ -113,12 +113,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.9
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.9
with: with:
docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }}
@ -330,7 +330,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.9
with: with:
benchmark-results-dir: test/test-reports benchmark-results-dir: test/test-reports
dry-run: false dry-run: false

View File

@ -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.9
# with: # with:
# fetch-depth: 1 # fetch-depth: 1
# submodules: true # submodules: true

View File

@ -85,10 +85,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.9
- 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.9
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
instructions: | instructions: |
@ -103,7 +103,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.9
with: with:
no-sudo: true no-sudo: true

View File

@ -78,10 +78,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.9
- 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.9
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
instructions: | instructions: |
@ -97,7 +97,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.9
with: with:
no-sudo: true no-sudo: true

View File

@ -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.9
- 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.9
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.9
with: with:
docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }}

View File

@ -39,7 +39,7 @@ jobs:
tag: ["cuda12.6", "cuda12.8", "cuda12.9", "cuda13.0", "rocm6.3", "rocm6.4", "cpu"] tag: ["cuda12.6", "cuda12.8", "cuda12.9", "cuda13.0", "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.9
with: with:
docker-image-name: almalinux-builder docker-image-name: almalinux-builder
custom-tag-prefix: ${{matrix.tag}} custom-tag-prefix: ${{matrix.tag}}

View File

@ -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.9
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 }}
@ -58,7 +58,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.9
with: with:
docker-image-name: libtorch-cxx11-builder docker-image-name: libtorch-cxx11-builder
custom-tag-prefix: ${{ matrix.tag }} custom-tag-prefix: ${{ matrix.tag }}

View File

@ -25,7 +25,7 @@ jobs:
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.9
with: with:
submodules: false submodules: false
no-sudo: true no-sudo: true

View File

@ -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.9
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 }}
@ -63,7 +63,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.9
with: with:
docker-image-name: ${{ matrix.name }} docker-image-name: ${{ matrix.name }}
custom-tag-prefix: ${{ matrix.tag }} custom-tag-prefix: ${{ matrix.tag }}

View File

@ -3,7 +3,7 @@ name: Build Triton wheels
on: on:
push: push:
branches: branches:
- main - release/2.9
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
@ -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.9
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 }}
@ -74,12 +74,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.9
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.9
with: with:
submodules: false submodules: false
@ -87,7 +87,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.9
with: with:
docker-image: ${{ env.DOCKER_IMAGE }} docker-image: ${{ env.DOCKER_IMAGE }}
@ -184,7 +184,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.9
if: always() if: always()
build-wheel-win: build-wheel-win:
@ -217,7 +217,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.9
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}

View File

@ -42,12 +42,12 @@ jobs:
BUILD_DEVICE: ${{ matrix.device }} BUILD_DEVICE: ${{ matrix.device }}
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.9
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.9
with: with:
submodules: false submodules: false
@ -170,7 +170,7 @@ jobs:
path: ${{ runner.temp }}/artifacts/externals/vllm/wheels/*.whl path: ${{ runner.temp }}/artifacts/externals/vllm/wheels/*.whl
- 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.9
if: always() if: always()
# Copied from build-triton-wheel workflow (mostly) # Copied from build-triton-wheel workflow (mostly)

View File

@ -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.9
with: with:
submodules: false submodules: false
fetch-depth: 1 fetch-depth: 1

View File

@ -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.9
with: with:
submodules: false submodules: false
fetch-depth: 1 fetch-depth: 1

View File

@ -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.9
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 }}

View File

@ -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.9
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 }}
@ -96,21 +96,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.9
- 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.9
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.9
with: with:
docker-image: ${{ steps.build-docker-image.outputs.docker-image }} docker-image: ${{ steps.build-docker-image.outputs.docker-image }}
@ -141,5 +141,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.9
if: always() if: always()

View File

@ -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.9
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.9
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.9
with: with:
docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }}

View File

@ -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.9
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.9
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.9
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.9
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.9
with: with:
channel: nightly channel: test
ref: main ref: main

View File

@ -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.9
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 }}

View File

@ -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.9
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.9
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.9
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.9
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.9
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

View File

@ -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.9
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 }}

View File

@ -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.9
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 }}

View File

@ -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.9
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 }}
@ -357,7 +357,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
@ -379,7 +378,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.9
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
@ -387,7 +386,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.9
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
@ -468,7 +467,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
@ -490,7 +488,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.9
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
@ -498,7 +496,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.9
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
@ -572,7 +570,7 @@ jobs:
contents: read contents: read
steps: steps:
- name: Setup XPU - name: Setup XPU
uses: pytorch/pytorch/.github/actions/setup-xpu@main uses: pytorch/pytorch/.github/actions/setup-xpu@release/2.9
- name: configure aws credentials - name: configure aws credentials
id: aws_creds id: aws_creds
uses: aws-actions/configure-aws-credentials@v4 uses: aws-actions/configure-aws-credentials@v4
@ -590,7 +588,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
@ -601,7 +598,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.9
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
@ -609,7 +606,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.9
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
@ -949,7 +946,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
@ -971,7 +967,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.9
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
@ -979,7 +975,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.9
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
@ -1060,7 +1056,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
@ -1082,7 +1077,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.9
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
@ -1090,7 +1085,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.9
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
@ -1164,7 +1159,7 @@ jobs:
contents: read contents: read
steps: steps:
- name: Setup XPU - name: Setup XPU
uses: pytorch/pytorch/.github/actions/setup-xpu@main uses: pytorch/pytorch/.github/actions/setup-xpu@release/2.9
- name: configure aws credentials - name: configure aws credentials
id: aws_creds id: aws_creds
uses: aws-actions/configure-aws-credentials@v4 uses: aws-actions/configure-aws-credentials@v4
@ -1182,7 +1177,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
@ -1193,7 +1187,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.9
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
@ -1201,7 +1195,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.9
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
@ -1541,7 +1535,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
@ -1563,7 +1556,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.9
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
@ -1571,7 +1564,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.9
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
@ -1652,7 +1645,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
@ -1674,7 +1666,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.9
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
@ -1682,7 +1674,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.9
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
@ -1756,7 +1748,7 @@ jobs:
contents: read contents: read
steps: steps:
- name: Setup XPU - name: Setup XPU
uses: pytorch/pytorch/.github/actions/setup-xpu@main uses: pytorch/pytorch/.github/actions/setup-xpu@release/2.9
- name: configure aws credentials - name: configure aws credentials
id: aws_creds id: aws_creds
uses: aws-actions/configure-aws-credentials@v4 uses: aws-actions/configure-aws-credentials@v4
@ -1774,7 +1766,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
@ -1785,7 +1776,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.9
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
@ -1793,7 +1784,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.9
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
@ -2133,7 +2124,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
@ -2155,7 +2145,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.9
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
@ -2163,7 +2153,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.9
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
@ -2244,7 +2234,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
@ -2266,7 +2255,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.9
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
@ -2274,7 +2263,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.9
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
@ -2348,7 +2337,7 @@ jobs:
contents: read contents: read
steps: steps:
- name: Setup XPU - name: Setup XPU
uses: pytorch/pytorch/.github/actions/setup-xpu@main uses: pytorch/pytorch/.github/actions/setup-xpu@release/2.9
- name: configure aws credentials - name: configure aws credentials
id: aws_creds id: aws_creds
uses: aws-actions/configure-aws-credentials@v4 uses: aws-actions/configure-aws-credentials@v4
@ -2366,7 +2355,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
@ -2377,7 +2365,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.9
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
@ -2385,7 +2373,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.9
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
@ -2725,7 +2713,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
@ -2747,7 +2734,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.9
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
@ -2755,7 +2742,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.9
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
@ -2836,7 +2823,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
@ -2858,7 +2844,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.9
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
@ -2866,7 +2852,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.9
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
@ -2940,7 +2926,7 @@ jobs:
contents: read contents: read
steps: steps:
- name: Setup XPU - name: Setup XPU
uses: pytorch/pytorch/.github/actions/setup-xpu@main uses: pytorch/pytorch/.github/actions/setup-xpu@release/2.9
- name: configure aws credentials - name: configure aws credentials
id: aws_creds id: aws_creds
uses: aws-actions/configure-aws-credentials@v4 uses: aws-actions/configure-aws-credentials@v4
@ -2958,7 +2944,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
@ -2969,7 +2954,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.9
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
@ -2977,7 +2962,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.9
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
@ -3317,7 +3302,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
@ -3339,7 +3323,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.9
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
@ -3347,7 +3331,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.9
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
@ -3428,7 +3412,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
@ -3450,7 +3433,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.9
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
@ -3458,7 +3441,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.9
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
@ -3532,7 +3515,7 @@ jobs:
contents: read contents: read
steps: steps:
- name: Setup XPU - name: Setup XPU
uses: pytorch/pytorch/.github/actions/setup-xpu@main uses: pytorch/pytorch/.github/actions/setup-xpu@release/2.9
- name: configure aws credentials - name: configure aws credentials
id: aws_creds id: aws_creds
uses: aws-actions/configure-aws-credentials@v4 uses: aws-actions/configure-aws-credentials@v4
@ -3550,7 +3533,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
@ -3561,7 +3543,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.9
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
@ -3569,7 +3551,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.9
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
@ -3909,7 +3891,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
@ -3931,7 +3912,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.9
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
@ -3939,7 +3920,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.9
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
@ -4020,7 +4001,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
@ -4042,7 +4022,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.9
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
@ -4050,7 +4030,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.9
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
@ -4124,7 +4104,7 @@ jobs:
contents: read contents: read
steps: steps:
- name: Setup XPU - name: Setup XPU
uses: pytorch/pytorch/.github/actions/setup-xpu@main uses: pytorch/pytorch/.github/actions/setup-xpu@release/2.9
- name: configure aws credentials - name: configure aws credentials
id: aws_creds id: aws_creds
uses: aws-actions/configure-aws-credentials@v4 uses: aws-actions/configure-aws-credentials@v4
@ -4142,7 +4122,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
@ -4153,7 +4132,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.9
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
@ -4161,7 +4140,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.9
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

View File

@ -38,7 +38,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.9
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 }}
@ -94,7 +94,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
@ -116,7 +115,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.9
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
@ -124,7 +123,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.9
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

View File

@ -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.9
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 }}

View File

@ -70,7 +70,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

View File

@ -66,7 +66,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
@ -206,7 +205,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
@ -346,7 +344,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
@ -486,7 +483,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
@ -626,7 +622,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
@ -766,7 +761,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
@ -906,7 +900,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

View File

@ -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.9
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 }}

View File

@ -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.9
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 }}

View File

@ -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.9
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 }}

View File

@ -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.9
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.9
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.9
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

View File

@ -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.9
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.9
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.9
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.9
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.9
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.9
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.9
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.9
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.9
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

View File

@ -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.9
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.9
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.9
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

View File

@ -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.9
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.9
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.9
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.9
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.9
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.9
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.9
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.9
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.9
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

File diff suppressed because it is too large Load Diff

View File

@ -27,7 +27,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.9
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 }}

View File

@ -24,7 +24,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.9
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 }}

View File

@ -24,7 +24,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.9
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 }}

View File

@ -20,7 +20,7 @@ permissions:
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.9
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 }}

View File

@ -23,7 +23,7 @@ permissions:
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.9
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 }}

View File

@ -18,7 +18,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.9
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 }}

View File

@ -70,7 +70,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.9
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 }}

View File

@ -55,7 +55,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.9
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 }}

View File

@ -75,7 +75,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.9
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 }}

View File

@ -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.9
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 }}

View File

@ -60,7 +60,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.9
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 }}

View File

@ -65,7 +65,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.9
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 }}

View File

@ -70,7 +70,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.9
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 }}

View File

@ -22,7 +22,7 @@ permissions:
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.9
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 }}

View File

@ -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.9
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 }}

View File

@ -20,7 +20,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.9
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 }}

View File

@ -19,7 +19,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.9
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 }}

View File

@ -35,7 +35,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.9
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 }}

View File

@ -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.9
with: with:
submodules: true submodules: true
fetch-depth: 0 fetch-depth: 0

View File

@ -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.9
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 }}

View File

@ -21,7 +21,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.9
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 }}
@ -33,7 +33,7 @@ jobs:
uses: ./.github/workflows/_get-changed-files.yml uses: ./.github/workflows/_get-changed-files.yml
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.9
needs: [get-label-type, get-changed-files] needs: [get-label-type, get-changed-files]
# Only run if there are changed files relevant to clangtidy / clangformat # Only run if there are changed files relevant to clangtidy / clangformat
if: | if: |
@ -72,7 +72,7 @@ jobs:
# NOTE: mypy needs its own job because it depends on --all-files, without assessing all files it sometimes # NOTE: mypy needs its own job because it depends on --all-files, without assessing all files it sometimes
# fails to find types when it should # fails to find types when it should
lintrunner-mypy: lintrunner-mypy:
uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@main uses: pytorch/test-infra/.github/workflows/linux_job_v2.yml@release/2.9
needs: [get-label-type, get-changed-files] needs: [get-label-type, get-changed-files]
# Only run if there are changed files relevant to mypy # Only run if there are changed files relevant to mypy
if: | if: |
@ -96,7 +96,7 @@ jobs:
ADDITIONAL_LINTRUNNER_ARGS="--take MYPY,MYPYSTRICT --all-files" .github/scripts/lintrunner.sh ADDITIONAL_LINTRUNNER_ARGS="--take MYPY,MYPYSTRICT --all-files" .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.9
needs: [get-label-type, get-changed-files] needs: [get-label-type, get-changed-files]
with: with:
timeout: 120 timeout: 120
@ -117,7 +117,7 @@ jobs:
fi fi
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.9
needs: get-label-type needs: get-label-type
with: with:
timeout: 120 timeout: 120
@ -157,7 +157,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.9
with: with:
submodules: false submodules: false
fetch-depth: -1 fetch-depth: -1
@ -170,7 +170,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.9
needs: get-label-type needs: get-label-type
with: with:
timeout: 120 timeout: 120
@ -181,6 +181,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.9
.github/scripts/generate_ci_workflows.py .github/scripts/generate_ci_workflows.py
RC=0 RC=0
@ -190,7 +191,7 @@ jobs:
echo 'As shown by the above diff, the committed .github/workflows' echo 'As shown by the above diff, the committed .github/workflows'
echo 'are not up to date according to .github/templates.' echo 'are not up to date according to .github/templates.'
echo 'Please run this command, commit, and push again to your PR:' echo 'Please run this command, commit, and push again to your PR:'
echo echo export RELEASE_VERSION_TAG=2.9
echo ' .github/scripts/generate_ci_workflows.py' echo ' .github/scripts/generate_ci_workflows.py'
echo echo
echo 'If running that command does nothing, you may need to rebase' echo 'If running that command does nothing, you may need to rebase'
@ -204,7 +205,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.9
needs: get-label-type needs: get-label-type
with: with:
timeout: 120 timeout: 120
@ -240,7 +241,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.9
needs: get-label-type needs: get-label-type
with: with:
timeout: 120 timeout: 120
@ -260,7 +261,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.9
with: with:
submodules: false submodules: false
fetch-depth: 1 fetch-depth: 1
@ -297,7 +298,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.9
with: with:
submodules: false submodules: false
fetch-depth: 1 fetch-depth: 1

View File

@ -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.9
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 }}

View File

@ -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.9
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.9
if: always() if: always()

View File

@ -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.9
with: with:
fetch-depth: 1 fetch-depth: 1
submodules: false submodules: false

View File

@ -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.9
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 }}
@ -54,7 +54,7 @@ jobs:
- get-label-type - get-label-type
with: with:
runner_prefix: "${{ needs.get-label-type.outputs.label-type }}" runner_prefix: "${{ needs.get-label-type.outputs.label-type }}"
build-environment: linux-jammy-py3.9-gcc11 build-environment: linux-jammy-py3.10-gcc11
docker-image: ${{ needs.docs-build.outputs.docker-image }} docker-image: ${{ needs.docs-build.outputs.docker-image }}
push: ${{ github.event_name == 'schedule' || github.event_name == 'workflow_dispatch' || startsWith(github.event.ref, 'refs/tags/v') }} push: ${{ github.event_name == 'schedule' || github.event_name == 'workflow_dispatch' || startsWith(github.event.ref, 'refs/tags/v') }}
run-doxygen: true run-doxygen: true
@ -92,7 +92,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.9
with: with:
repo-owner: ${{ matrix.repo-owner }} repo-owner: ${{ matrix.repo-owner }}
repo-name: ${{ matrix.repo-name }} repo-name: ${{ matrix.repo-name }}

View File

@ -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.9
- uses: ethanis/nitpicker@v1 - uses: ethanis/nitpicker@v1
with: with:
nitpicks: '.github/nitpicks.yml' nitpicks: '.github/nitpicks.yml'

View File

@ -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.9
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 }}

View File

@ -43,7 +43,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.9
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 }}

View File

@ -42,7 +42,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.9
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 }}

View File

@ -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.9
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 }}

View File

@ -22,7 +22,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.9
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 }}

View File

@ -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.9
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 }}

View File

@ -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.9
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.9
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.9
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.9
- 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.9
if: always() if: always()
concurrency: concurrency:

View File

@ -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.9
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.9
with: with:
submodules: false submodules: false

View File

@ -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.9
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.9
with: with:
runner: linux.g4dn.4xlarge.nvidia.gpu runner: linux.g4dn.4xlarge.nvidia.gpu
docker-image: python:3.11 docker-image: python:3.11

View File

@ -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.9
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 }}

View File

@ -25,7 +25,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.9
with: with:
submodules: true submodules: true
fetch-depth: 0 fetch-depth: 0
@ -52,7 +52,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.9
with: with:
submodules: true submodules: true
fetch-depth: 0 fetch-depth: 0

View File

@ -18,7 +18,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.9
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 }}

View File

@ -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.9
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 }}

View File

@ -46,7 +46,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.9
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 }}

View File

@ -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.9
id: update_viablestrict id: update_viablestrict
with: with:
repository: pytorch/pytorch repository: pytorch/pytorch

View File

@ -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.9
with: with:
fetch-depth: 1 fetch-depth: 1
submodules: false submodules: false

View File

@ -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.9
with: with:
fetch-depth: 1 fetch-depth: 1
submodules: false submodules: false

View File

@ -58,7 +58,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.9
- 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

Some files were not shown because too many files have changed in this diff Show More