Compare commits

...

37 Commits

Author SHA1 Message Date
8ac9b20d4b Run docker release build on final tag (#117131) (#117182)
To be successful, the docker release workflow needs to run on final tag, after the Release to conda and pypi are complete.

Please refer to: https://github.com/pytorch/pytorch/blob/main/Dockerfile#L76

Pull Request resolved: https://github.com/pytorch/pytorch/pull/117131
Approved by: https://github.com/huydhn, https://github.com/seemethere, https://github.com/malfet
2024-01-10 14:17:29 -08:00
2490352430 Fix cuInit test on Windows (#117095)
resolved: https://github.com/pytorch/pytorch/pull/117055
2024-01-10 13:21:27 -05:00
3a44bb713f [CI] Test that cuInit is not called during import (#117043)
By making a driver API call in subprocess and expecting it to return `CUDA_ERROR_NOT_INITIALIZED`

Test Plan: run it on nighties before https://github.com/pytorch/pytorch/pull/116201 got reverted and observe the failure

This is very important for lots of distributed launchers

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

Cherry-pick of  https://github.com/pytorch/pytorch/pull/117010 into release/2.2

Co-authored-by: Nikita Shulga <nshulga@meta.com>
2024-01-09 11:30:03 -08:00
1c8ba3847d [CI] Use jemalloc for CUDA builds (#116900) (#116988)
According to @ptrblck it'll likely mitigate non-deterministic NVCC bug
See https://github.com/pytorch/pytorch/issues/116289 for more detail

Test plan: ssh into one of the cuda builds and make sure that `LD_PRELOAD` is set for the top-level make command

Pull Request resolved: https://github.com/pytorch/pytorch/pull/116900
Approved by: https://github.com/atalman

Co-authored-by: Nikita Shulga <nshulga@meta.com>
2024-01-08 19:53:13 -08:00
96d2ddbafe Store user model to simplify ONNXProgram.{adapt_torch_*,__call__} APIs (#115281) (#115583)
Currently (after https://github.com/pytorch/pytorch/pull/114407), the user has must pass the original user ``model`` to APIs such as ``ONNXProgram.__call__``, ``ONNXProgram.adapt_torch_inputs_to_onnx`` and ``ONNXProgram.adapt_torch_outputs_to_onnx`` APIs.

This was needed because when the model is fakefied, a version of the non-fakefied model is needed so that the Initializers, buffers and constants can be extracted from a real model (and used as input to the ONNX model).
That approach brings an unnecessary usability burden to the user when the model is not fakefied, because the model that was already passed to ``torch.onnx.dynamo_export`` could be used to extract ``state_dict``.

This PR adds ``ONNXProgram._model_torch`` attribute to store the user model and demote ``model`` argument of the aforementioned APIs to optional, only (as opposed to required).

As a result, for the fakefied model scenario, the user still need to pass the required model, but for non fakefied models, the persisted model is implicitly used to extract the model state_dict, making it easier to use.
Pull Request resolved: https://github.com/pytorch/pytorch/pull/115281
Approved by: https://github.com/BowenBao
ghstack dependencies: #114407
2024-01-08 10:16:13 -08:00
738b4a560a Update ONNX's IO Adapter to support FakeTensor with ExportedProgram (#114407) (#115578)
Currently, the ONNX exporter using torch.nn.Module as input can support
FakeTensor because the ONNX model stores all initializers

When using torch.export.ExportedProgram as input, the initializers are
lifted as inputs. In order to execute the ONNX model, we need to pass a
reference to the non-fake model to the
ONNXProgram.adapt_torch_inputs_to_onnx API, so that initializers can be
fetched from the model and fed to the ONNX model as input

ps: https://github.com/pytorch/pytorch/issues/115461 will track the API revision for the cases where additional `model_with_state_dict` are required to produce complete ONNX files exported with fake support. This is also tracked by the umbrella fake tensor issue https://github.com/pytorch/pytorch/issues/105464 FYI @BowenBao
Pull Request resolved: https://github.com/pytorch/pytorch/pull/114407
Approved by: https://github.com/BowenBao
2024-01-05 13:57:50 -08:00
4cf10bf4dc [Cherry-pick] [Quant] [PT2] Enable batchnorm in _move_exported_model_to_eval (#115715) 2024-01-04 15:36:16 -05:00
7e97e4b4b6 [AARCH64] Fall back to GEMM if mkldnn_matmul fails (#115936) (#116666)
- Add call to `at::globalContext().userEnabledMkldnn()` to `apply_mkldnn_matmul_heur`
- Surround calls to `mkldnn_matmul` with `try {} catch {}`
- Print warning and fall back to BLAS (by calling  `at::globalContext().setUserEnabledMkldnn()`) if `mkldnn_matmul()` fails

Test plan: On Linux arm run:
```shell
$ sudo chmod 400 /sys; python -c "import torch;m=torch.nn.Linear(1, 32);print(torch.__version__);print(m(torch.rand(32, 1)))"
Error in cpuinfo: failed to parse the list of possible processors in /sys/devices/system/cpu/possible
Error in cpuinfo: failed to parse the list of present processors in /sys/devices/system/cpu/present
Error in cpuinfo: failed to parse both lists of possible and present processors
2.3.0.dev20231215
bad err=11 in Xbyak::Error
bad err=11 in Xbyak::Error
/home/ubuntu/miniconda3/envs/py311/lib/python3.11/site-packages/torch/nn/modules/linear.py:116: UserWarning: mkldnn_matmul failed, switching to BLAS gemm:internal error (Triggered internally at /pytorch/aten/src/ATen/native/LinearAlgebra.cpp:1509.)
  return F.linear(input, self.weight, self.bias)
tensor([[-0.5183,  0.2279, -0.4035,  ..., -0.3446,  0.0938, -0.2113],
        [-0.5111,  0.2362, -0.3821,  ..., -0.3536,  0.1011, -0.2159],
        [-0.6387,  0.0894, -0.7619,  ..., -0.1939, -0.0282, -0.1344],
        ...,
        [-0.6352,  0.0934, -0.7516,  ..., -0.1983, -0.0247, -0.1366],
        [-0.4790,  0.2733, -0.2862,  ..., -0.3939,  0.1338, -0.2365],
        [-0.5702,  0.1682, -0.5580,  ..., -0.2796,  0.0412, -0.1782]],
       grad_fn=<AddmmBackward0>)
```
Fixes https://github.com/pytorch/pytorch/issues/114750

Pull Request resolved: https://github.com/pytorch/pytorch/pull/115936
Approved by: https://github.com/lezcano

Co-authored-by: Nikita Shulga <nshulga@meta.com>
2024-01-02 20:38:28 -08:00
1a3e3c7cff [CUDA] baddmm should fall back to addmm for batch=1 (#114992) (#116518)
I.e. it feels reasonable to always call `at::cuda::gemm` rather than `at::cuda::bgemm` when num_batches == 1
After the change, benchmarking torch built with CUDA-12 using  [following perf script](https://gist.github.com/malfet/6a17156d7f5663b8b12054a1beff3fe1) on A100  are as follows:
|      Shape     |  bmm_time |  mm_time  | slow down (%) |
| -------------- | --------- | --------- | ------------- |
|    1x1x4096    |   14.18   |   14.31   |     -0.89     |
|    1x1x8192    |   14.37   |   14.37   |     -0.05     |
|   1x1x16384    |   14.03   |   14.12   |     -0.68     |
|   1x1x32768    |   14.19   |   14.24   |     -0.35     |
|   1x1x65536    |   14.85   |   14.52   |     2.30      |
|   1x1x131072   |   14.03   |   14.07   |     -0.33     |
|  128x128x128   |   11.34   |   11.06   |     2.56      |
|  256x256x256   |   14.85   |   14.40   |     3.15      |
|  512x512x512   |   27.22   |   27.22   |     -0.01     |
| 1024x1024x1024 |  129.66   |  129.50   |     0.12      |
| 2048x2048x2048 |  972.18   |  973.24   |     -0.11     |
|  129x127x129   |   11.21   |   11.25   |     -0.39     |
|  257x255x257   |   14.50   |   14.43   |     0.44      |
|  513x511x513   |   29.01   |   29.01   |     0.01      |
| 1025x1023x1025 |  137.65   |  137.64   |     0.01      |
| 2049x2047x2049 |  982.58   |  982.65   |     -0.01     |
|  4097x3x4097   |   86.65   |   86.64   |     0.01      |
|  8193x3x8193   |  384.02   |  383.96   |     0.02      |
| 16385x3x16385  |  1106.73  |  1107.32  |     -0.05     |
| 32769x3x32769  |  4739.49  |  4739.48  |     0.00      |
| 65537x3x65537  | 17377.78  | 17378.74  |     -0.01     |
|  4097x5x4097   |   87.09   |   87.12   |     -0.03     |
|  8193x5x8193   |  301.38   |  301.36   |     0.01      |
| 16385x5x16385  |  1107.38  |  1108.04  |     -0.06     |
| 32769x5x32769  |  4743.73  |  4744.07  |     -0.01     |
| 65537x5x65537  | 17392.32  | 17395.42  |     -0.02     |
|  4097x7x4097   |   87.17   |   87.19   |     -0.02     |
|  8193x7x8193   |  301.94   |  302.00   |     -0.02     |
| 16385x7x16385  |  1107.17  |  1106.79  |     0.03      |
| 32769x7x32769  |  4747.15  |  4747.13  |     0.00      |
| 65537x7x65537  | 17403.85  | 17405.02  |     -0.01     |

Fixes perf problem reported in https://github.com/pytorch/pytorch/issues/114911
Pull Request resolved: https://github.com/pytorch/pytorch/pull/114992
Approved by: https://github.com/Skylion007, https://github.com/eqy

Co-authored-by: Nikita Shulga <nshulga@meta.com>
2024-01-02 16:54:15 -05:00
ab7505f78c Fix broken PyYAML 6.0 on MacOS x86 (#115956) (#116551)
May be we should just get rid of x86 jobs, but that's for another day.  This one should fix the broken build in trunk, i.e. https://github.com/pytorch/pytorch/actions/runs/7227220153/job/19694420117.

I guess that the failure looks flaky depending on the version of default python3 on the GitHub x86 runner.

The issue from PyYAML https://github.com/yaml/pyyaml/issues/601
Pull Request resolved: https://github.com/pytorch/pytorch/pull/115956
Approved by: https://github.com/malfet

(cherry picked from commit 94d28161faccd6e2a2e99bdb22cfadef8a24077e)

Co-authored-by: Huy Do <huydhn@gmail.com>
2023-12-29 21:19:50 -08:00
953c9c0c29 [CI] Fix docker builds (#116549) (#116552)
By pinning lxml to 4.9.4 as 5.0.0 is missing Python-3.9 binaries, see https://pypi.org/project/lxml/5.0.0/#files
<img width="568" alt="image" src="https://github.com/pytorch/pytorch/assets/2453524/fbd64512-b788-4bf6-9c1f-084dcedfd082">

Pull Request resolved: https://github.com/pytorch/pytorch/pull/116549
Approved by: https://github.com/houseroad, https://github.com/aakhundov

(cherry picked from commit bd7d26bb964ef08354771d19fa7d70d539f97c81)
2023-12-29 21:19:16 -08:00
0288d567fb [MPS] aten::erfinv bug fix: add storage offset buffers to handle slicing (#116542)
A bug fix of a recently merged PR per comment: https://github.com/pytorch/pytorch/pull/101507#discussion_r1271393706

The follow test would fail without this bug fix:

```
import torch
def test_erfinv():
    for device in ['cpu', 'mps']:
        x = torch.tensor([0.1, 0.2, 0.3, 0.4, 0.5], device=device)
        y = x[2:].erfinv()

        x2 = torch.tensor([0.3, 0.4, 0.5], device=device)
        y2 = x2.erfinv()

        print(y)
        print(y2)

        torch.testing.assert_close(y, y2)
        print(f"{device} passes.")

test_erfinv()
```

Cherry-pick of  https://github.com/pytorch/pytorch/pull/105801 into release/2.2

Co-authored-by: Peter Pham <peterpham86@gmail.com>
2023-12-29 15:34:30 -08:00
ce29e8f9b1 [RelEng] Missing signal for release branches (#116516) (#116541)
Run slow/periodic and inductor workflows on push to release branches

Right now there are no signal from those jobs on release branches at all.
This will run periodic jobs on every commit to release branch, which is fine, as they are short lived and have a much lower traffic that a regular jobs

Pull Request resolved: https://github.com/pytorch/pytorch/pull/116516
Approved by: https://github.com/clee2000

Co-authored-by: Nikita Shulga <nshulga@meta.com>
2023-12-29 14:53:47 -05:00
444e132b74 Removing HTA documentation (#116513) (#116540)
Removing HTA documentation

Pull Request resolved: https://github.com/pytorch/pytorch/pull/116513
Approved by: https://github.com/aaronenyeshi, https://github.com/malfet, https://github.com/atalman

Co-authored-by: Anupam Bhatnagar <anupamb@meta.com>
2023-12-29 14:53:13 -05:00
596bbaf6fc Fix missing dependency in torch.utils.tensorboard (#115598) (#116517)
Fixes #114591

Version package was removed in this pull request: #114108 but is still used in `torch.utils.tensorboard` causing import errors. The fix removes the import and uses a simpler check.
Pull Request resolved: https://github.com/pytorch/pytorch/pull/115598
Approved by: https://github.com/malfet

Co-authored-by: Sacha <sachahu@hotmail.fr>
2023-12-28 17:28:59 -05:00
be254276d2 Back out "[Kineto] Initialize libkineto profilers during torch init process during pybind set-up (#112623)" (#116201) (#116332)
Summary:
This diff needs to be backed out because TorchBench llama_v2_7b_16h has a cublas init error.
https://github.com/pytorch/benchmark/actions/runs/7266269668/job/19797677485?pr=2095

Test Plan: CI

Differential Revision: D52339142

Pull Request resolved: https://github.com/pytorch/pytorch/pull/116201
Approved by: https://github.com/xuzhao9

(cherry picked from commit a357a0f31519f96cff9839c1672a112539ba98ff)

Co-authored-by: Aaron Shi <aaronshi@meta.com>
2023-12-24 10:39:34 -05:00
9fd518dfdc Fix allowed dtypes for mem_eff attention (#116026) (#116272)
# Summary

Fix issue bug in detecting mem eff capability for cuda devices less than sm80:
https://github.com/pytorch-labs/gpt-fast/issues/49

Pull Request resolved: https://github.com/pytorch/pytorch/pull/116026
Approved by: https://github.com/janeyx99
2023-12-22 23:04:31 -08:00
bc244ee2cd Fix bug in mem_eff kernel with attention mask and MQA (#116301)
# Summary

Found using the repros mentioned in this issue: #112577

After many go rounds with compute-sanitizer and eventual printf debugging I feel pretty confident that this was the underlying issue

Cherry-pick of  https://github.com/pytorch/pytorch/pull/116234 into release/2.2 branch
2023-12-22 07:40:43 -08:00
df3cab83e1 [ROCm] Disabling Kernel Asserts for ROCm by default - fix and clean up and refactoring (#114660) (#116207)
Related to #103973  #110532 #108404 #94891

**Context:**
As commented in 6ae0554d11/cmake/Dependencies.cmake (L1198)
Kernel asserts are enabled by default for CUDA and disabled for ROCm.
However it is somewhat broken, and Kernel assert was still enabled for ROCm.

Disabling kernel assert is also needed for users who do not have PCIe atomics support. These community users have verified that disabling the kernel assert in PyTorch/ROCm platform fixed their pytorch workflow, like torch.sum script, stable-diffusion. (see the related issues)

**Changes:**

This pull request serves the following purposes:
* Refactor and clean up the logic,  make it simpler for ROCm to enable and disable Kernel Asserts
* Fix the bug that Kernel Asserts for ROCm was not disabled by default.

Specifically,
- Renamed `TORCH_DISABLE_GPU_ASSERTS` to `C10_USE_ROCM_KERNEL_ASSERT` for the following reasons:
(1) This variable only applies to ROCm.
(2) The new name is more align with #define CUDA_KERNEL_ASSERT function.
(3) With USE_ in front of the name, we can easily control it with environment variable to turn on and off this feature during build (e.g. `USE_ROCM_KERNEL_ASSERT=1 python setup.py develop` will enable kernel assert for ROCm build).
- Get rid of the `ROCM_FORCE_ENABLE_GPU_ASSERTS' to simplify the logic and make it easier to understand and maintain
- Added `#cmakedefine` to carry over the CMake variable to C++

**Tests:**
(1) build with default mode and verify that USE_ROCM_KERNEL_ASSERT  is OFF(0), and kernel assert is disabled:

```
python setup.py develop
```
Verify CMakeCache.txt has correct value.
```
/xxxx/pytorch/build$ grep USE_ROCM_KERNEL_ASSERT CMakeCache.txt
USE_ROCM_KERNEL_ASSERT:BOOL=0
```
Tested the following code in ROCm build and CUDA build, and expected the return code differently.

```
subprocess.call([sys.executable, '-c', "import torch;torch._assert_async(torch.tensor(0,device='cuda'));torch.cuda.synchronize()"])
```
This piece of code is adapted from below unit test to get around the limitation that this unit test now was skipped for ROCm. (We will check to enable this unit test in the future)

```
python test/test_cuda_expandable_segments.py -k test_fixed_cuda_assert_async
```

Ran the following script, expecting r ==0 since the CUDA_KERNEL_ASSERT is defined as nothing:
```
>> import sys
>>> import subprocess
>>> r=subprocess.call([sys.executable, '-c', "import torch;torch._assert_async(torch.tensor(0,device='cuda'));torch.cuda.synchronize()"])
>>> r
0
```

(2) Enable the kernel assert by building with USE_ROCM_KERNEL_ASSERT=1, or USE_ROCM_KERNEL_ASSERT=ON
```
USE_ROCM_KERNEL_ASSERT=1 python setup.py develop
```

Verify `USE_ROCM_KERNEL_ASSERT` is `1`
```
/xxxx/pytorch/build$ grep USE_ROCM_KERNEL_ASSERT CMakeCache.txt
USE_ROCM_KERNEL_ASSERT:BOOL=1
```

Run the assert test, and expected return code not equal to 0.

```
>> import sys
>>> import subprocess
>>> r=subprocess.call([sys.executable, '-c', "import torch;torch._assert_async(torch.tensor(0,device='cuda'));torch.cuda.synchronize()"])
>>>/xxxx/pytorch/aten/src/ATen/native/hip/TensorCompare.hip:108: _assert_async_cuda_kernel: Device-side assertion `input[0] != 0' failed.
:0:rocdevice.cpp            :2690: 2435301199202 us: [pid:206019 tid:0x7f6cf0a77700] Callback: Queue 0x7f64e8400000 aborting with error : HSA_STATUS_ERROR_EXCEPTION: An HSAIL operation resulted in a hardware exception. code: 0x1016

>>> r
-6
```

Pull Request resolved: https://github.com/pytorch/pytorch/pull/114660
Approved by: https://github.com/jeffdaily, https://github.com/malfet, https://github.com/jithunnair-amd

(cherry picked from commit 66a76516bfc341b2b55bb2056d2faa9c2de46d69)

Co-authored-by: hongxyan <hongxyan@amd.com>
2023-12-21 09:27:14 -05:00
32e1876876 [CherryPick][DeviceMesh] Fix DeviceMesh docs #116053 and #116074 (#116115)
* [DeviceMesh] Rename _device_mesh.py to device_mesh.py to prepare for beta (#115193)

Summary:
Pull Request resolved: https://github.com/pytorch/pytorch/pull/115193

Rename _device_mesh.py to device_mesh.py, update all callsites, add documentation.
We created stubs for public class and methods in torch.distributed.device_mesh so that torch.distributed.device_mesh can be imported with or without distributed is available().

Original diff reverted: D51629761
Original PR reverted: https://github.com/pytorch/pytorch/pull/115099
Prior to landing, CI signals are all passed. Shipit added the "ci/trunk" label to the PR and DID NOT wait for it and went ahead committing. More context can be found in the reverted PR above.

Test Plan: CI.

Differential Revision: D51861018

fbshipit-source-id: dc7b26cea7340d55498730123e82a42cef46ff55

* fix doc

* Update device_mesh.py docs imports
#116074
2023-12-19 19:46:43 -08:00
f9e2b3d8a7 Docker Release builds Include both cuda versions (#115949) (#116065)
* Use matrix generate script for docker release workflows (#115949)

Enable both supported CUDA version builds for docker release. Rather then building only 1 version.
Pull Request resolved: https://github.com/pytorch/pytorch/pull/115949
Approved by: https://github.com/huydhn

* [releng] Docker Official release make sure cuda version is part of image name (#116070)

Follow up on https://github.com/pytorch/pytorch/pull/115949

Change docker build image name:
``pytorch:2.1.2-devel``-> ``2.1.2-cuda12.1-cudnn8-devel and 2.1.2-cuda11.8-cudnn8-devel``

Ref: https://github.com/orgs/pytorch/packages/container/package/pytorch-nightly

Naming will be same as in https://hub.docker.com/r/pytorch/pytorch/tags
Pull Request resolved: https://github.com/pytorch/pytorch/pull/116070
Approved by: https://github.com/huydhn, https://github.com/seemethere

* [releng] Docker release Refactor Push nightly tags step. Move cuda and cudnn version to docker tag rather then name (#116097)

Follow up after : https://github.com/pytorch/pytorch/pull/116070

This PR does 2 things.

1. Refactor Push nightly tags step, don't need to extract CUDA_VERSION anymore. New tag should be in this format: ``${PYTORCH_VERSION}-cuda$(CUDA_VERSION_SHORT)-cudnn$(CUDNN_VERSION)-runtime``
2. Move cuda$(CUDA_VERSION_SHORT)-cudnn$(CUDNN_VERSION) from docker name to tag

Pull Request resolved: https://github.com/pytorch/pytorch/pull/116097
Approved by: https://github.com/jeanschmidt
2023-12-19 17:01:58 -05:00
2ad9cab9b2 [tp] further fix the docs (#115974) (#116119)
some typo result in the note section not rendered properly, can't see
this from the last PR directly as the last PR only show the first commit
documentation :(

Also make the parallelize_module doc example more concrete

Pull Request resolved: https://github.com/pytorch/pytorch/pull/115974
Approved by: https://github.com/wz337
2023-12-19 15:24:40 -05:00
5a4f136340 [Release/2.2] Enable THP for buffer sizes >=2MB (#115990)
The 2MB THP(transparent huge pages) pages provide better allocation latencies compared to the standard 4KB pages. This change has shown substantial improvement for batch mode usecases where the tensor sizes are larger than 100MB.

Only enabled if `THP_MEM_ALLOC_ENABLE` environment variable is set.

Relanding https://github.com/pytorch/pytorch/pull/93888 with functionality disabled for Android

Cherry-pick of  https://github.com/pytorch/pytorch/pull/107697 into release/2.2 branch
(cherry-picked from commit 88207b10cab33b08a15a9009630b5c1e7549ea2b)
2023-12-19 09:51:12 -08:00
e8ebe2cfca [export] Update schema version (#115712) (#115952)
Since pytorch 2.1 release we've made some BC breaking changes to the serialized schema. We should update it in time for the 2.2 release. Some of the changes include:

* https://github.com/pytorch/pytorch/pull/114371 - custom class objects / pybinded objects are no longer saved directly to the `ExportedProgram` structure. Instead, the name is serialized inside of the program, and the actual bytes are stored. in a separate location from the exported program, allowing it to be saved to a different location.
* https://github.com/pytorch/pytorch/pull/111204 - `GraphSignature` structure changed and `call_spec` is removed from the `GraphModule` schema
* https://github.com/pytorch/pytorch/pull/111407 - `loss_outout` -> `loss_output`
* https://github.com/pytorch/pytorch/pull/113075 - `example_inputs` removed from the `ExportedProgram` structure (this originally did not store anything), `dialect` added to the `ExportedProgram` structure.
* https://github.com/pytorch/pytorch/pull/113689 - tensor constants are now lifted as inputs to the graph, and their locations are stored in the `GraphSignature`
* https://github.com/pytorch/pytorch/pull/114172 - removed `equality_constraints` and added a `SymExprHint` for all symbolic expressions.
Pull Request resolved: https://github.com/pytorch/pytorch/pull/115712
Approved by: https://github.com/gmagogsfm
2023-12-18 10:53:42 -08:00
da4bf36936 [tp] improve documentation (#115880) (#115939)
Improve the TP documentation in terms of format and descriptions

Pull Request resolved: https://github.com/pytorch/pytorch/pull/115880
Approved by: https://github.com/XilunWu
2023-12-18 11:41:58 -05:00
6ca1983e77 Set _dynamo.config.capture_func_transforms=False (#115267) (#115929)
Due to not all tests in the Dynamo shard actually running in CI, we've
started to bitrot on this implementation. Since our plan is to trace
into the functorch implementations instead of construct a HOP
(which is what capture_func_transforms=True does), let's turn off this
config by default.

Test Plan:
- Tests

Pull Request resolved: https://github.com/pytorch/pytorch/pull/115267
Approved by: https://github.com/voznesenskym, https://github.com/guilhermeleobas
2023-12-15 14:23:11 -05:00
7f55ee7fe8 [Release/2.2] Extend expected fx output types for int, float, bool (#115669)
Fixes exporting ops, such as `aten::_scaled_dot_product_flash_attention` that returns int, float, bool typed outputs.

Cherry-pick of https://github.com/pytorch/pytorch/pull/115431 into release/2.2 branch
Approved by: https://github.com/titaiwangms, https://github.com/thiagocrepaldi
2023-12-14 14:24:34 -08:00
8be26111f9 [Release/2.2] [export] Do not copy state_dict in run_decomp (#115753)
Fixes https://github.com/pytorch/pytorch/issues/114628

Cherry-pick of  https://github.com/pytorch/pytorch/pull/115269 into release/2.2 branch
Approved by: https://github.com/thiagocrepaldi, https://github.com/ydwu4

Co-authored-by: angelayi <yiangela7@gmail.com>
2023-12-14 14:22:37 -08:00
1b70285fcd Fix SDPA for SAM (#115636) (#115667)
Addresses the regression for Segment Anything Fast in https://github.com/pytorch-labs/segment-anything-fast/issues/99
Cherry-pick of  https://github.com/pytorch/pytorch/pull/115636 into release/2.2
Approved by: https://github.com/soulitzer, https://github.com/ani300
2023-12-14 14:20:13 -08:00
1518578b54 [Release/2.2]Rename _device_mesh.py to device_mesh.py (#115600)
Cherry pick of https://github.com/pytorch/pytorch/pull/115193 into release/2.2 branch

Rename `_device_mesh.py` to `device_mesh.py`, update all callsites, add documentation.
We created stubs for public class and methods in torch.distributed.device_mesh so that torch.distributed.device_mesh can be imported with or without distributed is available().

Original diff reverted: D51629761
Original PR reverted: https://github.com/pytorch/pytorch/pull/115099
Prior to landing, CI signals are all passed. Shipit added the "ci/trunk" label to the PR and DID NOT wait for it and went ahead committing. More context can be found in the reverted PR above.

Test Plan: CI.

Differential Revision: D51861018

fbshipit-source-id: dc7b26cea7340d55498730123e82a42cef46ff55
2023-12-12 12:05:40 -08:00
e57f089704 [Release/2.2] Fix NULL dereference in binary CPU ops (#115470)
Targeted fix for https://github.com/pytorch/pytorch/issues/113037

A more fundamental one, where those functions are not even called for
empty tensors are coming later

Cherry-pick of release https://github.com/pytorch/pytorch/pull/115183 into release/2.2 branch

(cherry picked from commit b56b002842dd2bed8ed3ac4aa83c934b19adb931)
2023-12-08 19:33:13 -08:00
44d11579db Checkout release version if we are using python release (#115379)
* Checkout release version if we are using python release

* lint

* lint
2023-12-07 18:14:33 -05:00
0863b4c354 Add reset_storage method to FunctionalTensorWrapper (#115235) (#115320)
In certain edge cases when using lazy tensors, the base tensor stored in the `FunctionalStorageImpl` and the `value_` tensor stored in the `FunctionalTensorWrapper` diverge. For instance, take this simple example
```python
class Model(torch.nn.Module):
    def __init__(self):
        super().__init__()
        self.fc1 = torch.nn.Linear(4, 2, bias=False)

    def forward(self, x):
        return x @ self.fc1.weight.transpose(0, 1)

with torch.device("lazy"):
    model = Model()

    x = torch.ones(4)
    out = model(x)
```
The call to `transpose` on the lazily initialized weight `fc1.weight` applies a view op on the functional tensor which only gets propagated to the functional tensor wrapper and not the base tensor in the storage. Thus, causing them to diverge.

To fix this behaviour, we need to reset the functional tensor's storage. To facilitate this, we add a `_unsafe_reset_storage` method to `FunctionalTensorWrapper` which clears away the old storage and view metas.

Porting over PR from https://github.com/pytorch/pytorch/pull/115235
Cherry-picked: 73c0035160e7b2c5772417bb7206b316bdf34044
2023-12-07 09:47:54 -08:00
12bcfddce5 [releng] Increase triton version for release 2.2 (#115352) 2023-12-07 12:43:05 -05:00
99718eda57 [Release 2.2] Release only changes 3 (#115348) 2023-12-07 10:29:28 -05:00
24397727a8 [Release 2.2] Release only changes 2 (#115318)
* [Release only changes] Follow up

* fix
2023-12-06 21:49:00 -05:00
54aca571d6 [Release 2.2] Release only changes (#115292)
* [Release 2.2] Release only changes

* Release only part 2

* Pin unstable jobs

* fix

* Fix lint
2023-12-06 18:30:25 -05:00
204 changed files with 2117 additions and 2507 deletions

View File

@ -61,6 +61,7 @@ install_ubuntu() {
${maybe_libiomp_dev} \ ${maybe_libiomp_dev} \
libyaml-dev \ libyaml-dev \
libz-dev \ libz-dev \
libjemalloc2 \
libjpeg-dev \ libjpeg-dev \
libasound2-dev \ libasound2-dev \
libsndfile-dev \ libsndfile-dev \

View File

@ -298,3 +298,8 @@ pywavelets==1.4.1
# it here because 1.5.0 conflicts with numpy 1.21.2 used in CI # it here because 1.5.0 conflicts with numpy 1.21.2 used in CI
#Pinned versions: 1.4.1 #Pinned versions: 1.4.1
#test that import: #test that import:
lxml==4.9.4
#Description: This is a requirement of unittest-xml-reporting
# have to pin to 4.9.4 because 5.0.0 release on Dec 29th missing
# Python-3.9 binaries

View File

@ -1 +1 @@
2.1.0 2.2.0

View File

@ -28,6 +28,8 @@ echo "Environment variables:"
env env
if [[ "$BUILD_ENVIRONMENT" == *cuda* ]]; then if [[ "$BUILD_ENVIRONMENT" == *cuda* ]]; then
# Use jemalloc during compilation to mitigate https://github.com/pytorch/pytorch/issues/116289
export LD_PRELOAD=/usr/lib/x86_64-linux-gnu/libjemalloc.so.2
echo "NVCC version:" echo "NVCC version:"
nvcc --version nvcc --version
fi fi

View File

@ -173,7 +173,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.2 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

@ -46,7 +46,8 @@ runs:
retry_wait_seconds: 30 retry_wait_seconds: 30
command: | command: |
set -eux set -eux
python3 -m pip install requests==2.26.0 pyyaml==6.0 # PyYAML 6.0 doesn't work with MacOS x86 anymore
python3 -m pip install requests==2.26.0 pyyaml==6.0.1
- name: Parse ref - name: Parse ref
id: parse-ref id: parse-ref

View File

@ -1 +1 @@
77b968a541b6d3062e81aafcc140dc20808703ae r2.2

View File

@ -84,7 +84,14 @@ def build_triton(
triton_repo = "https://github.com/openai/triton" triton_repo = "https://github.com/openai/triton"
triton_pkg_name = "pytorch-triton" triton_pkg_name = "pytorch-triton"
check_call(["git", "clone", triton_repo], cwd=tmpdir) check_call(["git", "clone", triton_repo], cwd=tmpdir)
check_call(["git", "checkout", commit_hash], cwd=triton_basedir) if release:
ver, rev, patch = version.split(".")
check_call(
["git", "checkout", f"release/{ver}.{rev}.x"], cwd=triton_basedir
)
else:
check_call(["git", "checkout", commit_hash], cwd=triton_basedir)
if build_conda: if build_conda:
with open(triton_basedir / "meta.yaml", "w") as meta: with open(triton_basedir / "meta.yaml", "w") as meta:
print( print(

View File

@ -62,9 +62,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=jbbJUxI_SSZFssBBGCU6ybH9sxHitHLY"
# 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=hUtTalgnWb1m3AtJyVLUdu7DBrnddRkp"
# 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

@ -16,6 +16,12 @@ from typing import Dict, List, Optional, Tuple
CUDA_ARCHES = ["11.8", "12.1"] CUDA_ARCHES = ["11.8", "12.1"]
CUDA_ARCHES_FULL_VERSION = {"11.8": "11.8.0", "12.1": "12.1.1"}
CUDA_ARCHES_CUDNN_VERSION = {"11.8": "8", "12.1": "8"}
ROCM_ARCHES = ["5.6", "5.7"] ROCM_ARCHES = ["5.6", "5.7"]
@ -24,6 +30,7 @@ CPU_CXX11_ABI_ARCH = ["cpu-cxx11-abi"]
CPU_AARCH64_ARCH = ["cpu-aarch64"] CPU_AARCH64_ARCH = ["cpu-aarch64"]
PYTORCH_EXTRA_INSTALL_REQUIREMENTS = { PYTORCH_EXTRA_INSTALL_REQUIREMENTS = {
"11.8": ( "11.8": (
"nvidia-cuda-nvrtc-cu11==11.8.89; platform_system == 'Linux' and platform_machine == 'x86_64' | " # noqa: B950 "nvidia-cuda-nvrtc-cu11==11.8.89; platform_system == 'Linux' and platform_machine == 'x86_64' | " # noqa: B950

View File

@ -0,0 +1,42 @@
#!/usr/bin/env python3
"""Generates a matrix for docker releases through github actions
Will output a condensed version of the matrix. Will include fllowing:
* CUDA version short
* CUDA full verison
* CUDNN version short
* Image type either runtime or devel
* Platform linux/arm64,linux/amd64
"""
import json
from typing import Dict, List
import generate_binary_build_matrix
DOCKER_IMAGE_TYPES = ["runtime", "devel"]
def generate_docker_matrix() -> Dict[str, List[Dict[str, str]]]:
ret: List[Dict[str, str]] = []
for cuda, version in generate_binary_build_matrix.CUDA_ARCHES_FULL_VERSION.items():
for image in DOCKER_IMAGE_TYPES:
ret.append(
{
"cuda": cuda,
"cuda_full_version": version,
"cudnn_version": generate_binary_build_matrix.CUDA_ARCHES_CUDNN_VERSION[
cuda
],
"image_type": image,
"platform": "linux/arm64,linux/amd64",
}
)
return {"include": ret}
if __name__ == "__main__":
build_matrix = generate_docker_matrix()
print(json.dumps(build_matrix))

View File

@ -8,7 +8,7 @@
# NOTE: If testing pytorch/builder changes you can change this variable to change what pytorch/builder reference # NOTE: If testing pytorch/builder changes you can change this variable to change what pytorch/builder reference
# the binary builds will check out # the binary builds will check out
{%- set builder_repo = "pytorch/builder" -%} {%- set builder_repo = "pytorch/builder" -%}
{%- set builder_branch = "main" -%} {%- set builder_branch = "release/2.2" -%}
{%- macro concurrency(build_environment) -%} {%- macro concurrency(build_environment) -%}
concurrency: concurrency:
@ -36,7 +36,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}

View File

@ -99,13 +99,13 @@ 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) }}
!{{ common.checkout(deep_clone=False, directory="builder", repository=common.builder_repo, branch=common.builder_branch) }} !{{ common.checkout(deep_clone=False, directory="builder", repository=common.builder_repo, branch=common.builder_branch, 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}"
- 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.2
with: with:
docker-image: !{{ config["container_image"] }} docker-image: !{{ config["container_image"] }}
- name: Test Pytorch binary - name: Test Pytorch binary

View File

@ -81,8 +81,8 @@ jobs:
elif [ -d "/Applications/Xcode_13.3.1.app" ]; then elif [ -d "/Applications/Xcode_13.3.1.app" ]; then
echo "DEVELOPER_DIR=/Applications/Xcode_13.3.1.app/Contents/Developer" >> "${GITHUB_ENV}" echo "DEVELOPER_DIR=/Applications/Xcode_13.3.1.app/Contents/Developer" >> "${GITHUB_ENV}"
fi fi
!{{ common.checkout(deep_clone=False, directory="pytorch") }} !{{ common.checkout(deep_clone=False, directory="pytorch", checkout_pr_head=False) }}
!{{ common.checkout(deep_clone=False, directory="builder", repository=common.builder_repo, branch=common.builder_branch) }} !{{ common.checkout(deep_clone=False, directory="builder", repository=common.builder_repo, branch=common.builder_branch, checkout_pr_head=False) }}
- name: Install sccache (only for non-forked PRs, and pushes to trunk) - name: Install sccache (only for non-forked PRs, and pushes to trunk)
uses: nick-fields/retry@v2.8.2 uses: nick-fields/retry@v2.8.2
if: ${{ github.event_name == 'push' || github.event.pull_request.head.repo.full_name == github.repository }} if: ${{ github.event_name == 'push' || github.event.pull_request.head.repo.full_name == github.repository }}

View File

@ -65,8 +65,8 @@ jobs:
steps: steps:
!{{ common.setup_ec2_windows() }} !{{ common.setup_ec2_windows() }}
!{{ set_runner_specific_vars() }} !{{ set_runner_specific_vars() }}
!{{ common.checkout(deep_clone=False, directory="pytorch") }} !{{ common.checkout(deep_clone=False, directory="pytorch", checkout_pr_head=False) }}
!{{ common.checkout(deep_clone=False, directory="builder", repository=common.builder_repo, branch=common.builder_branch) }} !{{ common.checkout(deep_clone=False, directory="builder", repository=common.builder_repo, branch=common.builder_branch, checkout_pr_head=False) }}
- name: Populate binary env - name: Populate binary env
shell: bash shell: bash
run: | run: |
@ -105,8 +105,8 @@ jobs:
with: with:
name: !{{ config["build_name"] }} name: !{{ config["build_name"] }}
path: "${{ env.PYTORCH_FINAL_PACKAGE_DIR }}" path: "${{ env.PYTORCH_FINAL_PACKAGE_DIR }}"
!{{ common.checkout(deep_clone=False, directory="pytorch") }} !{{ common.checkout(deep_clone=False, directory="pytorch", checkout_pr_head=False) }}
!{{ common.checkout(deep_clone=False, directory="builder", repository=common.builder_repo, branch=common.builder_branch) }} !{{ common.checkout(deep_clone=False, directory="builder", repository=common.builder_repo, branch=common.builder_branch, checkout_pr_head=False) }}
- name: Populate binary env - name: Populate binary env
shell: bash shell: bash
run: | run: |

View File

@ -36,7 +36,7 @@ jobs:
keep-going: ${{ steps.filter.outputs.keep-going }} keep-going: ${{ steps.filter.outputs.keep-going }}
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.2
with: with:
fetch-depth: 1 fetch-depth: 1
submodules: false submodules: false
@ -58,25 +58,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.2
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.2
- 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.2
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.2
with: with:
docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }}
@ -140,5 +140,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.2
if: always() if: always()

View File

@ -36,7 +36,7 @@ jobs:
keep-going: ${{ steps.filter.outputs.keep-going }} keep-going: ${{ steps.filter.outputs.keep-going }}
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.2
with: with:
fetch-depth: 1 fetch-depth: 1
submodules: false submodules: false
@ -58,25 +58,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.2
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.2
- 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.2
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.2
with: with:
docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }}
@ -185,5 +185,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.2
if: always() if: always()

View File

@ -41,7 +41,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.2
with: with:
fetch-depth: 1 fetch-depth: 1
submodules: false submodules: false
@ -63,30 +63,30 @@ 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.2
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.2
- 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.2
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.2
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
uses: pytorch/test-infra/.github/actions/setup-nvidia@main uses: pytorch/test-infra/.github/actions/setup-nvidia@release/2.2
if: ${{ inputs.cuda-version != 'cpu' }} if: ${{ inputs.cuda-version != 'cpu' }}
- name: Output disk space left - name: Output disk space left
@ -199,5 +199,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.2
if: always() if: always()

View File

@ -139,13 +139,13 @@ jobs:
run: env run: env
- 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.2
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.2
with: with:
no-sudo: ${{ inputs.build_environment == 'linux-aarch64-binary-manywheel' }} no-sudo: ${{ inputs.build_environment == 'linux-aarch64-binary-manywheel' }}
@ -173,7 +173,6 @@ jobs:
- name: Checkout PyTorch to pytorch dir - name: Checkout PyTorch to pytorch dir
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -187,7 +186,7 @@ jobs:
- name: Checkout pytorch/builder to builder dir - name: Checkout pytorch/builder to builder dir
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -213,7 +212,7 @@ jobs:
- name: Pull Docker image - name: Pull Docker image
if: ${{ steps.filter.outputs.is-test-matrix-empty == 'False' }} if: ${{ steps.filter.outputs.is-test-matrix-empty == 'False' }}
uses: pytorch/test-infra/.github/actions/pull-docker-image@main uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.2
with: with:
docker-image: ${{ inputs.DOCKER_IMAGE }} docker-image: ${{ inputs.DOCKER_IMAGE }}
@ -270,7 +269,7 @@ jobs:
- name: Teardown Linux - name: Teardown Linux
if: always() if: always()
uses: pytorch/test-infra/.github/actions/teardown-linux@main uses: pytorch/test-infra/.github/actions/teardown-linux@release/2.2
- name: Chown workspace - name: Chown workspace
if: always() if: always()

View File

@ -127,14 +127,14 @@ jobs:
} >> "${GITHUB_ENV} }}" } >> "${GITHUB_ENV} }}"
- 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.2
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.2
with: with:
no-sudo: ${{ inputs.build_environment == 'linux-aarch64-binary-manywheel' }} no-sudo: ${{ inputs.build_environment == 'linux-aarch64-binary-manywheel' }}
@ -155,7 +155,6 @@ jobs:
- name: Checkout PyTorch to pytorch dir - name: Checkout PyTorch to pytorch dir
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
@ -168,7 +167,7 @@ jobs:
- name: Checkout pytorch/builder to builder dir - name: Checkout pytorch/builder to builder dir
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -199,12 +198,12 @@ 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.2
if: ${{ inputs.GPU_ARCH_TYPE == 'cuda' && steps.filter.outputs.is-test-matrix-empty == 'False' }} if: ${{ inputs.GPU_ARCH_TYPE == 'cuda' && steps.filter.outputs.is-test-matrix-empty == 'False' }}
- name: Pull Docker image - name: Pull Docker image
if: ${{ steps.filter.outputs.is-test-matrix-empty == 'False' }} if: ${{ steps.filter.outputs.is-test-matrix-empty == 'False' }}
uses: pytorch/test-infra/.github/actions/pull-docker-image@main uses: pytorch/test-infra/.github/actions/pull-docker-image@release/2.2
with: with:
docker-image: ${{ inputs.DOCKER_IMAGE }} docker-image: ${{ inputs.DOCKER_IMAGE }}
@ -214,7 +213,7 @@ jobs:
- name: Teardown Linux - name: Teardown Linux
if: always() if: always()
uses: pytorch/test-infra/.github/actions/teardown-linux@main uses: pytorch/test-infra/.github/actions/teardown-linux@release/2.2
- name: Chown workspace - name: Chown workspace
if: always() if: always()

View File

@ -100,7 +100,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.2
with: with:
no-sudo: true no-sudo: true

View File

@ -22,7 +22,7 @@ jobs:
keep-going: ${{ steps.filter.outputs.keep-going }} keep-going: ${{ steps.filter.outputs.keep-going }}
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.2
with: with:
fetch-depth: 1 fetch-depth: 1
submodules: false submodules: false
@ -43,7 +43,7 @@ jobs:
runs-on: ${{ matrix.runner }} runs-on: ${{ matrix.runner }}
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.2
- name: Set up JDK 8 - name: Set up JDK 8
uses: actions/setup-java@v3 uses: actions/setup-java@v3
@ -52,7 +52,7 @@ jobs:
distribution: 'temurin' distribution: 'temurin'
- name: Setup miniconda - name: Setup miniconda
uses: pytorch/test-infra/.github/actions/setup-miniconda@main uses: pytorch/test-infra/.github/actions/setup-miniconda@release/2.2
with: with:
python-version: 3.8 python-version: 3.8
environment-file: .github/requirements/conda-env-${{ runner.os }}-${{ runner.arch }} environment-file: .github/requirements/conda-env-${{ runner.os }}-${{ runner.arch }}

View File

@ -66,7 +66,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.2
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
instructions: | instructions: |
@ -77,19 +77,19 @@ 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.2
- 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.2
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.2
with: with:
docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }}
@ -187,5 +187,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.2
if: always() if: always()

View File

@ -45,7 +45,7 @@ jobs:
keep-going: ${{ steps.filter.outputs.keep-going }} keep-going: ${{ steps.filter.outputs.keep-going }}
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.2
with: with:
fetch-depth: 1 fetch-depth: 1
submodules: false submodules: false
@ -79,7 +79,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.2
- name: Populate CI build options - name: Populate CI build options
shell: bash shell: bash
@ -101,7 +101,7 @@ jobs:
brew install libtool brew install libtool
- name: Setup miniconda for iOS - name: Setup miniconda for iOS
uses: pytorch/test-infra/.github/actions/setup-miniconda@main uses: pytorch/test-infra/.github/actions/setup-miniconda@release/2.2
with: with:
python-version: "3.9" python-version: "3.9"
environment-file: .github/requirements/conda-env-iOS.txt environment-file: .github/requirements/conda-env-iOS.txt

View File

@ -73,7 +73,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.2
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -82,14 +82,14 @@ 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.2
- 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.2
with: with:
docker-image-name: ${{ inputs.docker-image-name }} docker-image-name: ${{ inputs.docker-image-name }}
@ -103,7 +103,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.2
with: with:
docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }}
@ -209,5 +209,5 @@ jobs:
path: sccache-stats-*.json path: sccache-stats-*.json
- 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.2
if: always() if: always()

View File

@ -57,7 +57,7 @@ jobs:
timeout-minutes: ${{ matrix.mem_leak_check == 'mem_leak_check' && 600 || inputs.timeout-minutes }} timeout-minutes: ${{ matrix.mem_leak_check == 'mem_leak_check' && 600 || inputs.timeout-minutes }}
steps: steps:
- name: Setup SSH (Click me for login details) - name: Setup SSH (Click me for login details)
uses: pytorch/test-infra/.github/actions/setup-ssh@main uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.2
if: ${{ !contains(matrix.runner, 'gcp.a100') }} if: ${{ !contains(matrix.runner, 'gcp.a100') }}
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -66,14 +66,14 @@ 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.2
- 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.2
with: with:
docker-image-name: ${{ inputs.docker-image }} docker-image-name: ${{ inputs.docker-image }}
@ -87,13 +87,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.2
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.2
if: contains(inputs.build-environment, 'cuda') && !contains(matrix.config, 'nogpu') if: contains(inputs.build-environment, 'cuda') && !contains(matrix.config, 'nogpu')
- name: Lock NVIDIA A100 40GB Frequency - name: Lock NVIDIA A100 40GB Frequency
@ -300,7 +300,7 @@ jobs:
path: ./**/core.[1-9]* path: ./**/core.[1-9]*
- 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.2
if: always() if: always()
# 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

@ -71,11 +71,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.2
# [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.2
- name: Set xcode version - name: Set xcode version
env: env:
@ -87,7 +87,7 @@ jobs:
- name: Setup miniconda - name: Setup miniconda
if: inputs.environment-file == '' if: inputs.environment-file == ''
uses: pytorch/test-infra/.github/actions/setup-miniconda@main uses: pytorch/test-infra/.github/actions/setup-miniconda@release/2.2
with: with:
python-version: ${{ inputs.python-version }} python-version: ${{ inputs.python-version }}
environment-file: .github/requirements/conda-env-${{ runner.os }}-${{ runner.arch }} environment-file: .github/requirements/conda-env-${{ runner.os }}-${{ runner.arch }}
@ -97,7 +97,7 @@ jobs:
# environment even though the arch is x86-64 # environment even though the arch is x86-64
- name: Setup miniconda using the provided environment file - name: Setup miniconda using the provided environment file
if: inputs.environment-file != '' if: inputs.environment-file != ''
uses: pytorch/test-infra/.github/actions/setup-miniconda@main uses: pytorch/test-infra/.github/actions/setup-miniconda@release/2.2
with: with:
python-version: ${{ inputs.python-version }} python-version: ${{ inputs.python-version }}
environment-file: ${{ inputs.environment-file }} environment-file: ${{ inputs.environment-file }}
@ -207,4 +207,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.2

View File

@ -36,7 +36,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.2
with: with:
fetch-depth: 1 fetch-depth: 1
submodules: false submodules: false
@ -80,7 +80,7 @@ jobs:
use-gha: true use-gha: true
- name: Setup miniconda - name: Setup miniconda
uses: pytorch/test-infra/.github/actions/setup-miniconda@main uses: pytorch/test-infra/.github/actions/setup-miniconda@release/2.2
with: with:
python-version: ${{ inputs.python-version }} python-version: ${{ inputs.python-version }}
environment-file: .github/requirements/conda-env-${{ runner.os }}-${{ runner.arch }} environment-file: .github/requirements/conda-env-${{ runner.os }}-${{ runner.arch }}
@ -158,4 +158,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.2

View File

@ -79,11 +79,11 @@ jobs:
- 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.2
# [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.2
- name: Download build artifacts - name: Download build artifacts
uses: ./.github/actions/download-build-artifacts uses: ./.github/actions/download-build-artifacts
@ -92,7 +92,7 @@ jobs:
use-gha: true use-gha: true
- name: Setup miniconda - name: Setup miniconda
uses: pytorch/test-infra/.github/actions/setup-miniconda@main uses: pytorch/test-infra/.github/actions/setup-miniconda@release/2.2
with: with:
python-version: ${{ inputs.python-version }} python-version: ${{ inputs.python-version }}
environment-file: .github/requirements/conda-env-${{ runner.os }}-${{ runner.arch }} environment-file: .github/requirements/conda-env-${{ runner.os }}-${{ runner.arch }}
@ -218,4 +218,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.2

View File

@ -54,7 +54,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.2
with: with:
no-sudo: true no-sudo: true
@ -63,12 +63,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.2
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.2
with: with:
docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }} docker-image: ${{ steps.calculate-docker-image.outputs.docker-image }}

View File

@ -22,7 +22,7 @@ jobs:
keep-going: ${{ steps.filter.outputs.keep-going }} keep-going: ${{ steps.filter.outputs.keep-going }}
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.2
with: with:
fetch-depth: 1 fetch-depth: 1
submodules: false submodules: false
@ -53,10 +53,10 @@ jobs:
SUPPORT_ABI: '${{ matrix.support_abi }}' SUPPORT_ABI: '${{ matrix.support_abi }}'
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.2
- name: Setup miniconda - name: Setup miniconda
uses: pytorch/test-infra/.github/actions/setup-miniconda@main uses: pytorch/test-infra/.github/actions/setup-miniconda@release/2.2
with: with:
python-version: 3.8 python-version: 3.8
environment-file: .github/requirements/conda-env-${{ runner.os }}-${{ runner.arch }}.txt environment-file: .github/requirements/conda-env-${{ runner.os }}-${{ runner.arch }}.txt

View File

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

View File

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

View File

@ -3,7 +3,7 @@ name: Build Triton wheels
on: on:
push: push:
branches: branches:
- main - release/2.2
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
@ -47,12 +47,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.2
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.2
with: with:
submodules: false submodules: false
@ -60,7 +60,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.2
with: with:
docker-image: ${{ env.DOCKER_IMAGE }} docker-image: ${{ env.DOCKER_IMAGE }}
@ -125,7 +125,7 @@ jobs:
path: ${{ runner.temp }}/artifacts/* path: ${{ runner.temp }}/artifacts/*
- 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.2
if: always() if: always()
upload-wheel: upload-wheel:
@ -189,12 +189,12 @@ jobs:
PY_VERS: ${{ matrix.py_vers }} PY_VERS: ${{ matrix.py_vers }}
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.2
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.2
with: with:
submodules: false submodules: false
@ -202,7 +202,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.2
with: with:
docker-image: ${{ env.DOCKER_IMAGE }} docker-image: ${{ env.DOCKER_IMAGE }}
@ -238,7 +238,7 @@ jobs:
path: ${{ runner.temp }}/artifacts/* path: ${{ runner.temp }}/artifacts/*
- 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.2
if: always() if: always()
upload-conda: upload-conda:

View File

@ -29,7 +29,7 @@ jobs:
runs-on: linux.20_04.4x runs-on: linux.20_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.2
with: with:
submodules: false submodules: false
fetch-depth: 1 fetch-depth: 1

View File

@ -10,7 +10,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.2
- name: Run close_nonexistent_disable_issues.py - name: Run close_nonexistent_disable_issues.py
env: env:

View File

@ -65,21 +65,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.2
- 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.2
with: with:
docker-image-name: ${{ matrix.docker-image-name }} docker-image-name: ${{ 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.2
with: with:
docker-image: ${{ steps.build-docker-image.outputs.docker-image }} docker-image: ${{ steps.build-docker-image.outputs.docker-image }}
@ -109,5 +109,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.2
if: always() if: always()

View File

@ -11,8 +11,8 @@ on:
branches: branches:
- nightly - nightly
tags: tags:
# Release candidate tags look like: v1.11.0-rc1 # We want to run this build on final release tag
- v[0-9]+.[0-9]+.[0-9]+-rc[0-9]+ - v[0-9]+.[0-9]+.[0-9]+
- ciflow/nightly/* - ciflow/nightly/*
concurrency: concurrency:
@ -29,25 +29,42 @@ env:
WITH_PUSH: ${{ github.event_name == 'push' && (github.event.ref == 'refs/heads/nightly' || (startsWith(github.event.ref, 'refs/tags/') && !startsWith(github.event.ref, 'refs/tags/ciflow/'))) }} WITH_PUSH: ${{ github.event_name == 'push' && (github.event.ref == 'refs/heads/nightly' || (startsWith(github.event.ref, 'refs/tags/') && !startsWith(github.event.ref, 'refs/tags/ciflow/'))) }}
jobs: jobs:
generate-matrix:
if: github.repository_owner == 'pytorch'
runs-on: [self-hosted, linux.large]
outputs:
matrix: ${{ steps.generate-matrix.outputs.matrix }}
steps:
- name: Checkout PyTorch
uses: pytorch/pytorch/.github/actions/checkout-pytorch@main
with:
fetch-depth: 1
submodules: true
- name: Get docker release matrix
id: generate-matrix
run: |
MATRIX_BLOB="$(python3 .github/scripts/generate_docker_release_matrix.py)"
echo "${MATRIX_BLOB}"
echo "matrix=${MATRIX_BLOB}" >> "${GITHUB_OUTPUT}"
build: build:
if: ${{ github.repository == 'pytorch/pytorch' }} if: ${{ github.repository == 'pytorch/pytorch' }}
runs-on: [self-hosted, linux.2xlarge] runs-on: [self-hosted, linux.2xlarge]
environment: ${{ (github.ref == 'refs/heads/main' || startsWith(github.event.ref, 'refs/tags/v')) && 'docker-build' || '' }} environment: ${{ (github.ref == 'refs/heads/main' || startsWith(github.event.ref, 'refs/tags/v')) && 'docker-build' || '' }}
timeout-minutes: 240 timeout-minutes: 240
needs: generate-matrix
strategy: strategy:
matrix: matrix: ${{ fromJson(needs.generate-matrix.outputs.matrix) }}
include: fail-fast: false
# nvidia specific images don't exist for arm64 so only build the runtime image
- image_type: runtime
platform: linux/arm64,linux/amd64
- image_type: devel
platform: linux/amd64
env: env:
BUILD_IMAGE_TYPE: ${{ matrix.image_type }} BUILD_IMAGE_TYPE: ${{ matrix.image_type }}
BUILD_PLATFORMS: ${{ matrix.platform }} BUILD_PLATFORMS: ${{ matrix.platform }}
CUDA_VERSION: ${{ matrix.cuda_full_version }}
CUDA_VERSION_SHORT: ${{ matrix.cuda }}
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.2
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
# [see note: pytorch repo ref] # [see note: pytorch repo ref]
@ -97,10 +114,11 @@ jobs:
- name: Push nightly tags - name: Push nightly tags
if: ${{ github.event.ref == 'refs/heads/nightly' && matrix.image_type == 'runtime' }} if: ${{ github.event.ref == 'refs/heads/nightly' && matrix.image_type == 'runtime' }}
run: | run: |
PYTORCH_DOCKER_TAG="${PYTORCH_VERSION}-runtime" PYTORCH_DOCKER_TAG="${PYTORCH_VERSION}-cuda$(CUDA_VERSION_SHORT)-cudnn$(CUDNN_VERSION)-runtime"
CUDA_VERSION=$(python3 -c "import re;print(re.search('CUDA_VERSION\s+=\s+([0-9\.]+)',open('docker.Makefile').read())[1],end='')")
PYTORCH_NIGHTLY_COMMIT=$(docker run ghcr.io/pytorch/pytorch-nightly:"${PYTORCH_DOCKER_TAG}" \ PYTORCH_NIGHTLY_COMMIT=$(docker run ghcr.io/pytorch/pytorch-nightly:"${PYTORCH_DOCKER_TAG}" \
python -c 'import torch; print(torch.version.git_version[:7],end="")') python -c 'import torch; print(torch.version.git_version[:7],end="")')
docker tag ghcr.io/pytorch/pytorch-nightly:"${PYTORCH_DOCKER_TAG}" \ docker tag ghcr.io/pytorch/pytorch-nightly:"${PYTORCH_DOCKER_TAG}" \
ghcr.io/pytorch/pytorch-nightly:"${PYTORCH_NIGHTLY_COMMIT}-cu${CUDA_VERSION}" ghcr.io/pytorch/pytorch-nightly:"${PYTORCH_NIGHTLY_COMMIT}-cu${CUDA_VERSION}"
docker push ghcr.io/pytorch/pytorch-nightly:"${PYTORCH_NIGHTLY_COMMIT}-cu${CUDA_VERSION}" docker push ghcr.io/pytorch/pytorch-nightly:"${PYTORCH_NIGHTLY_COMMIT}-cu${CUDA_VERSION}"
@ -109,5 +127,5 @@ jobs:
ghcr.io/pytorch/pytorch-nightly:latest ghcr.io/pytorch/pytorch-nightly:latest
docker push ghcr.io/pytorch/pytorch-nightly:latest docker push ghcr.io/pytorch/pytorch-nightly:latest
- 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.2
if: always() if: always()

View File

@ -47,7 +47,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
runs_on: linux.arm64.2xlarge runs_on: linux.arm64.2xlarge
ALPINE_IMAGE: "arm64v8/alpine" ALPINE_IMAGE: "arm64v8/alpine"
@ -68,7 +68,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cpu-aarch64 build_name: manywheel-py3_8-cpu-aarch64
build_environment: linux-aarch64-binary-manywheel build_environment: linux-aarch64-binary-manywheel
@ -87,7 +87,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cpu-aarch64 build_name: manywheel-py3_8-cpu-aarch64
secrets: secrets:
@ -109,7 +109,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
runs_on: linux.arm64.2xlarge runs_on: linux.arm64.2xlarge
ALPINE_IMAGE: "arm64v8/alpine" ALPINE_IMAGE: "arm64v8/alpine"
@ -130,7 +130,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cpu-aarch64 build_name: manywheel-py3_9-cpu-aarch64
build_environment: linux-aarch64-binary-manywheel build_environment: linux-aarch64-binary-manywheel
@ -149,7 +149,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cpu-aarch64 build_name: manywheel-py3_9-cpu-aarch64
secrets: secrets:
@ -171,7 +171,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
runs_on: linux.arm64.2xlarge runs_on: linux.arm64.2xlarge
ALPINE_IMAGE: "arm64v8/alpine" ALPINE_IMAGE: "arm64v8/alpine"
@ -192,7 +192,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cpu-aarch64 build_name: manywheel-py3_10-cpu-aarch64
build_environment: linux-aarch64-binary-manywheel build_environment: linux-aarch64-binary-manywheel
@ -211,7 +211,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cpu-aarch64 build_name: manywheel-py3_10-cpu-aarch64
secrets: secrets:
@ -233,7 +233,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
runs_on: linux.arm64.2xlarge runs_on: linux.arm64.2xlarge
ALPINE_IMAGE: "arm64v8/alpine" ALPINE_IMAGE: "arm64v8/alpine"
@ -254,7 +254,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cpu-aarch64 build_name: manywheel-py3_11-cpu-aarch64
build_environment: linux-aarch64-binary-manywheel build_environment: linux-aarch64-binary-manywheel
@ -273,7 +273,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cpu-aarch64 build_name: manywheel-py3_11-cpu-aarch64
secrets: secrets:
@ -295,7 +295,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
runs_on: linux.arm64.2xlarge runs_on: linux.arm64.2xlarge
ALPINE_IMAGE: "arm64v8/alpine" ALPINE_IMAGE: "arm64v8/alpine"
@ -316,7 +316,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cpu-aarch64 build_name: manywheel-py3_12-cpu-aarch64
build_environment: linux-aarch64-binary-manywheel build_environment: linux-aarch64-binary-manywheel
@ -335,7 +335,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu-aarch64 GPU_ARCH_TYPE: cpu-aarch64
DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-main DOCKER_IMAGE: pytorch/manylinuxaarch64-builder:cpu-aarch64-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cpu-aarch64 build_name: manywheel-py3_12-cpu-aarch64
secrets: secrets:

View File

@ -47,7 +47,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: conda-py3_8-cpu build_name: conda-py3_8-cpu
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -65,7 +65,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: conda-py3_8-cpu build_name: conda-py3_8-cpu
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -83,7 +83,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: conda-py3_8-cpu build_name: conda-py3_8-cpu
secrets: secrets:
@ -106,7 +106,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
runs_on: linux.24xlarge runs_on: linux.24xlarge
build_name: conda-py3_8-cuda11_8 build_name: conda-py3_8-cuda11_8
@ -126,7 +126,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: conda-py3_8-cuda11_8 build_name: conda-py3_8-cuda11_8
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -145,7 +145,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: conda-py3_8-cuda11_8 build_name: conda-py3_8-cuda11_8
secrets: secrets:
@ -168,7 +168,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
runs_on: linux.24xlarge runs_on: linux.24xlarge
build_name: conda-py3_8-cuda12_1 build_name: conda-py3_8-cuda12_1
@ -188,7 +188,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: conda-py3_8-cuda12_1 build_name: conda-py3_8-cuda12_1
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -207,7 +207,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: conda-py3_8-cuda12_1 build_name: conda-py3_8-cuda12_1
secrets: secrets:
@ -229,7 +229,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: conda-py3_9-cpu build_name: conda-py3_9-cpu
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -247,7 +247,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: conda-py3_9-cpu build_name: conda-py3_9-cpu
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -265,7 +265,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: conda-py3_9-cpu build_name: conda-py3_9-cpu
secrets: secrets:
@ -288,7 +288,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
runs_on: linux.24xlarge runs_on: linux.24xlarge
build_name: conda-py3_9-cuda11_8 build_name: conda-py3_9-cuda11_8
@ -308,7 +308,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: conda-py3_9-cuda11_8 build_name: conda-py3_9-cuda11_8
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -327,7 +327,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: conda-py3_9-cuda11_8 build_name: conda-py3_9-cuda11_8
secrets: secrets:
@ -350,7 +350,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
runs_on: linux.24xlarge runs_on: linux.24xlarge
build_name: conda-py3_9-cuda12_1 build_name: conda-py3_9-cuda12_1
@ -370,7 +370,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: conda-py3_9-cuda12_1 build_name: conda-py3_9-cuda12_1
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -389,7 +389,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: conda-py3_9-cuda12_1 build_name: conda-py3_9-cuda12_1
secrets: secrets:
@ -411,7 +411,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: conda-py3_10-cpu build_name: conda-py3_10-cpu
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -429,7 +429,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: conda-py3_10-cpu build_name: conda-py3_10-cpu
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -447,7 +447,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: conda-py3_10-cpu build_name: conda-py3_10-cpu
secrets: secrets:
@ -470,7 +470,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
runs_on: linux.24xlarge runs_on: linux.24xlarge
build_name: conda-py3_10-cuda11_8 build_name: conda-py3_10-cuda11_8
@ -490,7 +490,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: conda-py3_10-cuda11_8 build_name: conda-py3_10-cuda11_8
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -509,7 +509,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: conda-py3_10-cuda11_8 build_name: conda-py3_10-cuda11_8
secrets: secrets:
@ -532,7 +532,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
runs_on: linux.24xlarge runs_on: linux.24xlarge
build_name: conda-py3_10-cuda12_1 build_name: conda-py3_10-cuda12_1
@ -552,7 +552,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: conda-py3_10-cuda12_1 build_name: conda-py3_10-cuda12_1
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -571,7 +571,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: conda-py3_10-cuda12_1 build_name: conda-py3_10-cuda12_1
secrets: secrets:
@ -593,7 +593,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: conda-py3_11-cpu build_name: conda-py3_11-cpu
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -611,7 +611,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: conda-py3_11-cpu build_name: conda-py3_11-cpu
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -629,7 +629,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: conda-py3_11-cpu build_name: conda-py3_11-cpu
secrets: secrets:
@ -652,7 +652,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
runs_on: linux.24xlarge runs_on: linux.24xlarge
build_name: conda-py3_11-cuda11_8 build_name: conda-py3_11-cuda11_8
@ -672,7 +672,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: conda-py3_11-cuda11_8 build_name: conda-py3_11-cuda11_8
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -691,7 +691,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: conda-py3_11-cuda11_8 build_name: conda-py3_11-cuda11_8
secrets: secrets:
@ -714,7 +714,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
runs_on: linux.24xlarge runs_on: linux.24xlarge
build_name: conda-py3_11-cuda12_1 build_name: conda-py3_11-cuda12_1
@ -734,7 +734,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: conda-py3_11-cuda12_1 build_name: conda-py3_11-cuda12_1
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -753,7 +753,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: conda-py3_11-cuda12_1 build_name: conda-py3_11-cuda12_1
secrets: secrets:
@ -775,7 +775,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: conda-py3_12-cpu build_name: conda-py3_12-cpu
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -793,7 +793,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: conda-py3_12-cpu build_name: conda-py3_12-cpu
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -811,7 +811,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: conda-py3_12-cpu build_name: conda-py3_12-cpu
secrets: secrets:
@ -834,7 +834,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
runs_on: linux.24xlarge runs_on: linux.24xlarge
build_name: conda-py3_12-cuda11_8 build_name: conda-py3_12-cuda11_8
@ -854,7 +854,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: conda-py3_12-cuda11_8 build_name: conda-py3_12-cuda11_8
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -873,7 +873,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-main DOCKER_IMAGE: pytorch/conda-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: conda-py3_12-cuda11_8 build_name: conda-py3_12-cuda11_8
secrets: secrets:
@ -896,7 +896,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
runs_on: linux.24xlarge runs_on: linux.24xlarge
build_name: conda-py3_12-cuda12_1 build_name: conda-py3_12-cuda12_1
@ -916,7 +916,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: conda-py3_12-cuda12_1 build_name: conda-py3_12-cuda12_1
build_environment: linux-binary-conda build_environment: linux-binary-conda
@ -935,7 +935,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-main DOCKER_IMAGE: pytorch/conda-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: conda-py3_12-cuda12_1 build_name: conda-py3_12-cuda12_1
secrets: secrets:

View File

@ -42,7 +42,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-cpu-shared-with-deps-cxx11-abi build_name: libtorch-cpu-shared-with-deps-cxx11-abi
@ -61,7 +61,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-cpu-shared-with-deps-cxx11-abi build_name: libtorch-cpu-shared-with-deps-cxx11-abi

View File

@ -47,7 +47,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-cpu-shared-with-deps-cxx11-abi build_name: libtorch-cpu-shared-with-deps-cxx11-abi
@ -66,7 +66,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-cpu-shared-with-deps-cxx11-abi build_name: libtorch-cpu-shared-with-deps-cxx11-abi
@ -85,7 +85,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-cpu-shared-with-deps-cxx11-abi build_name: libtorch-cpu-shared-with-deps-cxx11-abi
@ -109,7 +109,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cuda11.8-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cuda11.8-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-cuda11_8-shared-with-deps-cxx11-abi build_name: libtorch-cuda11_8-shared-with-deps-cxx11-abi
@ -129,7 +129,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cuda11.8-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cuda11.8-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-cuda11_8-shared-with-deps-cxx11-abi build_name: libtorch-cuda11_8-shared-with-deps-cxx11-abi
@ -149,7 +149,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cuda11.8-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cuda11.8-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-cuda11_8-shared-with-deps-cxx11-abi build_name: libtorch-cuda11_8-shared-with-deps-cxx11-abi
@ -173,7 +173,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cuda12.1-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cuda12.1-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-cuda12_1-shared-with-deps-cxx11-abi build_name: libtorch-cuda12_1-shared-with-deps-cxx11-abi
@ -193,7 +193,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cuda12.1-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cuda12.1-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-cuda12_1-shared-with-deps-cxx11-abi build_name: libtorch-cuda12_1-shared-with-deps-cxx11-abi
@ -213,7 +213,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cuda12.1-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cuda12.1-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-cuda12_1-shared-with-deps-cxx11-abi build_name: libtorch-cuda12_1-shared-with-deps-cxx11-abi
@ -237,7 +237,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:rocm5.6-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:rocm5.6-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-rocm5_6-shared-with-deps-cxx11-abi build_name: libtorch-rocm5_6-shared-with-deps-cxx11-abi
@ -259,7 +259,7 @@ jobs:
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:rocm5.6-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:rocm5.6-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
steps: steps:
@ -273,7 +273,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -285,7 +284,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -299,9 +298,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/libtorch-cxx11-builder:rocm5.6-main docker-image: pytorch/libtorch-cxx11-builder:rocm5.6-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -318,7 +317,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:rocm5.6-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:rocm5.6-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-rocm5_6-shared-with-deps-cxx11-abi build_name: libtorch-rocm5_6-shared-with-deps-cxx11-abi
@ -342,7 +341,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:rocm5.7-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:rocm5.7-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-rocm5_7-shared-with-deps-cxx11-abi build_name: libtorch-rocm5_7-shared-with-deps-cxx11-abi
@ -364,7 +363,7 @@ jobs:
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:rocm5.7-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:rocm5.7-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
steps: steps:
@ -378,7 +377,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -390,7 +388,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -404,9 +402,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/libtorch-cxx11-builder:rocm5.7-main docker-image: pytorch/libtorch-cxx11-builder:rocm5.7-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -423,7 +421,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:rocm5.7-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:rocm5.7-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-rocm5_7-shared-with-deps-cxx11-abi build_name: libtorch-rocm5_7-shared-with-deps-cxx11-abi

View File

@ -42,7 +42,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-cpu-shared-with-deps-pre-cxx11 build_name: libtorch-cpu-shared-with-deps-pre-cxx11
@ -61,7 +61,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-cpu-shared-with-deps-pre-cxx11 build_name: libtorch-cpu-shared-with-deps-pre-cxx11

View File

@ -47,7 +47,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-cpu-shared-with-deps-pre-cxx11 build_name: libtorch-cpu-shared-with-deps-pre-cxx11
@ -66,7 +66,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-cpu-shared-with-deps-pre-cxx11 build_name: libtorch-cpu-shared-with-deps-pre-cxx11
@ -85,7 +85,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-cpu-shared-with-deps-pre-cxx11 build_name: libtorch-cpu-shared-with-deps-pre-cxx11
@ -109,7 +109,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-cuda11_8-shared-with-deps-pre-cxx11 build_name: libtorch-cuda11_8-shared-with-deps-pre-cxx11
@ -129,7 +129,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-cuda11_8-shared-with-deps-pre-cxx11 build_name: libtorch-cuda11_8-shared-with-deps-pre-cxx11
@ -149,7 +149,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-cuda11_8-shared-with-deps-pre-cxx11 build_name: libtorch-cuda11_8-shared-with-deps-pre-cxx11
@ -173,7 +173,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-cuda12_1-shared-with-deps-pre-cxx11 build_name: libtorch-cuda12_1-shared-with-deps-pre-cxx11
@ -193,7 +193,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-cuda12_1-shared-with-deps-pre-cxx11 build_name: libtorch-cuda12_1-shared-with-deps-pre-cxx11
@ -213,7 +213,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-cuda12_1-shared-with-deps-pre-cxx11 build_name: libtorch-cuda12_1-shared-with-deps-pre-cxx11
@ -237,7 +237,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-rocm5_6-shared-with-deps-pre-cxx11 build_name: libtorch-rocm5_6-shared-with-deps-pre-cxx11
@ -259,7 +259,7 @@ jobs:
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
steps: steps:
@ -273,7 +273,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -285,7 +284,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -299,9 +298,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/manylinux-builder:rocm5.6-main docker-image: pytorch/manylinux-builder:rocm5.6-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -318,7 +317,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-rocm5_6-shared-with-deps-pre-cxx11 build_name: libtorch-rocm5_6-shared-with-deps-pre-cxx11
@ -342,7 +341,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-rocm5_7-shared-with-deps-pre-cxx11 build_name: libtorch-rocm5_7-shared-with-deps-pre-cxx11
@ -364,7 +363,7 @@ jobs:
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
steps: steps:
@ -378,7 +377,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -390,7 +388,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -404,9 +402,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/manylinux-builder:rocm5.7-main docker-image: pytorch/manylinux-builder:rocm5.7-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -423,7 +421,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: pre-cxx11 DESIRED_DEVTOOLSET: pre-cxx11
build_name: libtorch-rocm5_7-shared-with-deps-pre-cxx11 build_name: libtorch-rocm5_7-shared-with-deps-pre-cxx11

View File

@ -43,7 +43,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cuda11_8 build_name: manywheel-py3_8-cuda11_8
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -63,7 +63,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cuda11_8 build_name: manywheel-py3_8-cuda11_8
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -83,7 +83,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cuda12_1 build_name: manywheel-py3_8-cuda12_1
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -103,7 +103,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cuda12_1 build_name: manywheel-py3_8-cuda12_1
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel

View File

@ -47,7 +47,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cpu build_name: manywheel-py3_8-cpu
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -65,7 +65,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cpu build_name: manywheel-py3_8-cpu
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -83,7 +83,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cpu build_name: manywheel-py3_8-cpu
secrets: secrets:
@ -105,7 +105,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cpu-cxx11-abi build_name: manywheel-py3_8-cpu-cxx11-abi
@ -124,7 +124,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cpu-cxx11-abi build_name: manywheel-py3_8-cpu-cxx11-abi
@ -143,7 +143,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cpu-cxx11-abi build_name: manywheel-py3_8-cpu-cxx11-abi
@ -167,7 +167,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cuda11_8 build_name: manywheel-py3_8-cuda11_8
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -187,7 +187,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cuda11_8 build_name: manywheel-py3_8-cuda11_8
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -206,7 +206,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cuda11_8 build_name: manywheel-py3_8-cuda11_8
secrets: secrets:
@ -229,7 +229,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cuda12_1 build_name: manywheel-py3_8-cuda12_1
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -249,7 +249,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cuda12_1 build_name: manywheel-py3_8-cuda12_1
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -268,7 +268,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-cuda12_1 build_name: manywheel-py3_8-cuda12_1
secrets: secrets:
@ -291,7 +291,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-rocm5_6 build_name: manywheel-py3_8-rocm5_6
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -312,7 +312,7 @@ jobs:
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
steps: steps:
- name: Setup ROCm - name: Setup ROCm
@ -325,7 +325,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -337,7 +336,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -351,9 +350,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/manylinux-builder:rocm5.6-main docker-image: pytorch/manylinux-builder:rocm5.6-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -370,7 +369,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-rocm5_6 build_name: manywheel-py3_8-rocm5_6
secrets: secrets:
@ -393,7 +392,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-rocm5_7 build_name: manywheel-py3_8-rocm5_7
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -414,7 +413,7 @@ jobs:
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
steps: steps:
- name: Setup ROCm - name: Setup ROCm
@ -427,7 +426,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -439,7 +437,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -453,9 +451,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/manylinux-builder:rocm5.7-main docker-image: pytorch/manylinux-builder:rocm5.7-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -472,7 +470,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: manywheel-py3_8-rocm5_7 build_name: manywheel-py3_8-rocm5_7
secrets: secrets:
@ -494,7 +492,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cpu build_name: manywheel-py3_9-cpu
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -512,7 +510,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cpu build_name: manywheel-py3_9-cpu
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -530,7 +528,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cpu build_name: manywheel-py3_9-cpu
secrets: secrets:
@ -552,7 +550,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cpu-cxx11-abi build_name: manywheel-py3_9-cpu-cxx11-abi
@ -571,7 +569,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cpu-cxx11-abi build_name: manywheel-py3_9-cpu-cxx11-abi
@ -590,7 +588,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cpu-cxx11-abi build_name: manywheel-py3_9-cpu-cxx11-abi
@ -614,7 +612,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cuda11_8 build_name: manywheel-py3_9-cuda11_8
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -634,7 +632,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cuda11_8 build_name: manywheel-py3_9-cuda11_8
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -653,7 +651,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cuda11_8 build_name: manywheel-py3_9-cuda11_8
secrets: secrets:
@ -676,7 +674,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cuda12_1 build_name: manywheel-py3_9-cuda12_1
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -696,7 +694,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cuda12_1 build_name: manywheel-py3_9-cuda12_1
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -715,7 +713,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-cuda12_1 build_name: manywheel-py3_9-cuda12_1
secrets: secrets:
@ -738,7 +736,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-rocm5_6 build_name: manywheel-py3_9-rocm5_6
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -759,7 +757,7 @@ jobs:
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
steps: steps:
- name: Setup ROCm - name: Setup ROCm
@ -772,7 +770,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -784,7 +781,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -798,9 +795,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/manylinux-builder:rocm5.6-main docker-image: pytorch/manylinux-builder:rocm5.6-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -817,7 +814,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-rocm5_6 build_name: manywheel-py3_9-rocm5_6
secrets: secrets:
@ -840,7 +837,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-rocm5_7 build_name: manywheel-py3_9-rocm5_7
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -861,7 +858,7 @@ jobs:
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
steps: steps:
- name: Setup ROCm - name: Setup ROCm
@ -874,7 +871,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -886,7 +882,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -900,9 +896,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/manylinux-builder:rocm5.7-main docker-image: pytorch/manylinux-builder:rocm5.7-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -919,7 +915,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: manywheel-py3_9-rocm5_7 build_name: manywheel-py3_9-rocm5_7
secrets: secrets:
@ -941,7 +937,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cpu build_name: manywheel-py3_10-cpu
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -959,7 +955,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cpu build_name: manywheel-py3_10-cpu
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -977,7 +973,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cpu build_name: manywheel-py3_10-cpu
secrets: secrets:
@ -999,7 +995,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cpu-cxx11-abi build_name: manywheel-py3_10-cpu-cxx11-abi
@ -1018,7 +1014,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cpu-cxx11-abi build_name: manywheel-py3_10-cpu-cxx11-abi
@ -1037,7 +1033,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cpu-cxx11-abi build_name: manywheel-py3_10-cpu-cxx11-abi
@ -1061,7 +1057,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cuda11_8 build_name: manywheel-py3_10-cuda11_8
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1081,7 +1077,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cuda11_8 build_name: manywheel-py3_10-cuda11_8
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1100,7 +1096,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cuda11_8 build_name: manywheel-py3_10-cuda11_8
secrets: secrets:
@ -1123,7 +1119,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cuda12_1 build_name: manywheel-py3_10-cuda12_1
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1143,7 +1139,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cuda12_1 build_name: manywheel-py3_10-cuda12_1
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1162,7 +1158,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-cuda12_1 build_name: manywheel-py3_10-cuda12_1
secrets: secrets:
@ -1185,7 +1181,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-rocm5_6 build_name: manywheel-py3_10-rocm5_6
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1206,7 +1202,7 @@ jobs:
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
steps: steps:
- name: Setup ROCm - name: Setup ROCm
@ -1219,7 +1215,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1231,7 +1226,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1245,9 +1240,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/manylinux-builder:rocm5.6-main docker-image: pytorch/manylinux-builder:rocm5.6-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -1264,7 +1259,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-rocm5_6 build_name: manywheel-py3_10-rocm5_6
secrets: secrets:
@ -1287,7 +1282,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-rocm5_7 build_name: manywheel-py3_10-rocm5_7
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1308,7 +1303,7 @@ jobs:
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
steps: steps:
- name: Setup ROCm - name: Setup ROCm
@ -1321,7 +1316,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1333,7 +1327,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1347,9 +1341,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/manylinux-builder:rocm5.7-main docker-image: pytorch/manylinux-builder:rocm5.7-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -1366,7 +1360,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: manywheel-py3_10-rocm5_7 build_name: manywheel-py3_10-rocm5_7
secrets: secrets:
@ -1388,7 +1382,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cpu build_name: manywheel-py3_11-cpu
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1406,7 +1400,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cpu build_name: manywheel-py3_11-cpu
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1424,7 +1418,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cpu build_name: manywheel-py3_11-cpu
secrets: secrets:
@ -1446,7 +1440,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cpu-cxx11-abi build_name: manywheel-py3_11-cpu-cxx11-abi
@ -1465,7 +1459,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cpu-cxx11-abi build_name: manywheel-py3_11-cpu-cxx11-abi
@ -1484,7 +1478,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cpu-cxx11-abi build_name: manywheel-py3_11-cpu-cxx11-abi
@ -1508,7 +1502,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cuda11_8 build_name: manywheel-py3_11-cuda11_8
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1528,7 +1522,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cuda11_8 build_name: manywheel-py3_11-cuda11_8
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1547,7 +1541,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cuda11_8 build_name: manywheel-py3_11-cuda11_8
secrets: secrets:
@ -1570,7 +1564,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cuda12_1 build_name: manywheel-py3_11-cuda12_1
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1590,7 +1584,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cuda12_1 build_name: manywheel-py3_11-cuda12_1
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1609,7 +1603,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-cuda12_1 build_name: manywheel-py3_11-cuda12_1
secrets: secrets:
@ -1632,7 +1626,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-rocm5_6 build_name: manywheel-py3_11-rocm5_6
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1653,7 +1647,7 @@ jobs:
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
steps: steps:
- name: Setup ROCm - name: Setup ROCm
@ -1666,7 +1660,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1678,7 +1671,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1692,9 +1685,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/manylinux-builder:rocm5.6-main docker-image: pytorch/manylinux-builder:rocm5.6-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -1711,7 +1704,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-rocm5_6 build_name: manywheel-py3_11-rocm5_6
secrets: secrets:
@ -1734,7 +1727,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-rocm5_7 build_name: manywheel-py3_11-rocm5_7
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1755,7 +1748,7 @@ jobs:
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
steps: steps:
- name: Setup ROCm - name: Setup ROCm
@ -1768,7 +1761,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1780,7 +1772,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1794,9 +1786,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/manylinux-builder:rocm5.7-main docker-image: pytorch/manylinux-builder:rocm5.7-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -1813,7 +1805,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: manywheel-py3_11-rocm5_7 build_name: manywheel-py3_11-rocm5_7
secrets: secrets:
@ -1835,7 +1827,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cpu build_name: manywheel-py3_12-cpu
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1853,7 +1845,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cpu build_name: manywheel-py3_12-cpu
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1871,7 +1863,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cpu build_name: manywheel-py3_12-cpu
secrets: secrets:
@ -1893,7 +1885,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cpu-cxx11-abi build_name: manywheel-py3_12-cpu-cxx11-abi
@ -1912,7 +1904,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cpu-cxx11-abi build_name: manywheel-py3_12-cpu-cxx11-abi
@ -1931,7 +1923,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu-cxx11-abi DESIRED_CUDA: cpu-cxx11-abi
GPU_ARCH_TYPE: cpu-cxx11-abi GPU_ARCH_TYPE: cpu-cxx11-abi
DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-main DOCKER_IMAGE: pytorch/manylinuxcxx11-abi-builder:cpu-cxx11-abi-2.2
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cpu-cxx11-abi build_name: manywheel-py3_12-cpu-cxx11-abi
@ -1955,7 +1947,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cuda11_8 build_name: manywheel-py3_12-cuda11_8
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1975,7 +1967,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cuda11_8 build_name: manywheel-py3_12-cuda11_8
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -1994,7 +1986,7 @@ jobs:
DESIRED_CUDA: cu118 DESIRED_CUDA: cu118
GPU_ARCH_VERSION: 11.8 GPU_ARCH_VERSION: 11.8
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda11.8-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cuda11_8 build_name: manywheel-py3_12-cuda11_8
secrets: secrets:
@ -2017,7 +2009,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cuda12_1 build_name: manywheel-py3_12-cuda12_1
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -2037,7 +2029,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cuda12_1 build_name: manywheel-py3_12-cuda12_1
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -2056,7 +2048,7 @@ jobs:
DESIRED_CUDA: cu121 DESIRED_CUDA: cu121
GPU_ARCH_VERSION: 12.1 GPU_ARCH_VERSION: 12.1
GPU_ARCH_TYPE: cuda GPU_ARCH_TYPE: cuda
DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-main DOCKER_IMAGE: pytorch/manylinux-builder:cuda12.1-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-cuda12_1 build_name: manywheel-py3_12-cuda12_1
secrets: secrets:
@ -2079,7 +2071,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-rocm5_6 build_name: manywheel-py3_12-rocm5_6
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -2100,7 +2092,7 @@ jobs:
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
steps: steps:
- name: Setup ROCm - name: Setup ROCm
@ -2113,7 +2105,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2125,7 +2116,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2139,9 +2130,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/manylinux-builder:rocm5.6-main docker-image: pytorch/manylinux-builder:rocm5.6-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -2158,7 +2149,7 @@ jobs:
DESIRED_CUDA: rocm5.6 DESIRED_CUDA: rocm5.6
GPU_ARCH_VERSION: 5.6 GPU_ARCH_VERSION: 5.6
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.6-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-rocm5_6 build_name: manywheel-py3_12-rocm5_6
secrets: secrets:
@ -2181,7 +2172,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-rocm5_7 build_name: manywheel-py3_12-rocm5_7
build_environment: linux-binary-manywheel build_environment: linux-binary-manywheel
@ -2202,7 +2193,7 @@ jobs:
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
SKIP_ALL_TESTS: 1 SKIP_ALL_TESTS: 1
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
steps: steps:
- name: Setup ROCm - name: Setup ROCm
@ -2215,7 +2206,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2227,7 +2217,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2241,9 +2231,9 @@ jobs:
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}"
- 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.2
with: with:
docker-image: pytorch/manylinux-builder:rocm5.7-main docker-image: pytorch/manylinux-builder:rocm5.7-2.2
- name: Test Pytorch binary - name: Test Pytorch binary
uses: ./pytorch/.github/actions/test-pytorch-binary uses: ./pytorch/.github/actions/test-pytorch-binary
- name: Teardown ROCm - name: Teardown ROCm
@ -2260,7 +2250,7 @@ jobs:
DESIRED_CUDA: rocm5.7 DESIRED_CUDA: rocm5.7
GPU_ARCH_VERSION: 5.7 GPU_ARCH_VERSION: 5.7
GPU_ARCH_TYPE: rocm GPU_ARCH_TYPE: rocm
DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-main DOCKER_IMAGE: pytorch/manylinux-builder:rocm5.7-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: manywheel-py3_12-rocm5_7 build_name: manywheel-py3_12-rocm5_7
secrets: secrets:

View File

@ -79,7 +79,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -91,7 +90,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -140,7 +139,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: conda-py3_8-cpu build_name: conda-py3_8-cpu
use_s3: False use_s3: False
@ -196,7 +195,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -208,7 +206,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -257,7 +255,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: conda-py3_9-cpu build_name: conda-py3_9-cpu
use_s3: False use_s3: False
@ -313,7 +311,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -325,7 +322,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -374,7 +371,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: conda-py3_10-cpu build_name: conda-py3_10-cpu
use_s3: False use_s3: False
@ -430,7 +427,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -442,7 +438,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -491,7 +487,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: conda-py3_11-cpu build_name: conda-py3_11-cpu
use_s3: False use_s3: False
@ -547,7 +543,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -559,7 +554,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -608,7 +603,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: conda-py3_12-cpu build_name: conda-py3_12-cpu
use_s3: False use_s3: False

View File

@ -81,7 +81,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -93,7 +92,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -142,7 +141,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-cpu-shared-with-deps-cxx11-abi build_name: libtorch-cpu-shared-with-deps-cxx11-abi

View File

@ -78,7 +78,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -90,7 +89,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -139,7 +138,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: wheel-py3_8-cpu build_name: wheel-py3_8-cpu
use_s3: False use_s3: False
@ -196,7 +195,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -208,7 +206,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -257,7 +255,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: wheel-py3_9-cpu build_name: wheel-py3_9-cpu
use_s3: False use_s3: False
@ -314,7 +312,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -326,7 +323,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -375,7 +372,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: wheel-py3_10-cpu build_name: wheel-py3_10-cpu
use_s3: False use_s3: False
@ -432,7 +429,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -444,7 +440,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -493,7 +489,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: wheel-py3_11-cpu build_name: wheel-py3_11-cpu
use_s3: False use_s3: False
@ -550,7 +546,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -562,7 +557,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -611,7 +606,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: wheel-py3_12-cpu build_name: wheel-py3_12-cpu
use_s3: False use_s3: False

View File

@ -77,7 +77,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -89,7 +88,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -138,7 +137,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: conda-py3_8-cpu build_name: conda-py3_8-cpu
use_s3: False use_s3: False
@ -194,7 +193,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -206,7 +204,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -255,7 +253,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: conda-py3_9-cpu build_name: conda-py3_9-cpu
use_s3: False use_s3: False
@ -311,7 +309,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -323,7 +320,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -372,7 +369,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: conda-py3_10-cpu build_name: conda-py3_10-cpu
use_s3: False use_s3: False
@ -428,7 +425,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -440,7 +436,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -489,7 +485,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: conda-py3_11-cpu build_name: conda-py3_11-cpu
use_s3: False use_s3: False
@ -545,7 +541,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -557,7 +552,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -606,7 +601,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/conda-builder:cpu-main DOCKER_IMAGE: pytorch/conda-builder:cpu-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: conda-py3_12-cpu build_name: conda-py3_12-cpu
use_s3: False use_s3: False

View File

@ -81,7 +81,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -93,7 +92,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -142,7 +141,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-main DOCKER_IMAGE: pytorch/libtorch-cxx11-builder:cpu-2.2
LIBTORCH_VARIANT: shared-with-deps LIBTORCH_VARIANT: shared-with-deps
DESIRED_DEVTOOLSET: cxx11-abi DESIRED_DEVTOOLSET: cxx11-abi
build_name: libtorch-cpu-shared-with-deps-cxx11-abi build_name: libtorch-cpu-shared-with-deps-cxx11-abi

View File

@ -78,7 +78,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -90,7 +89,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -139,7 +138,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.8" DESIRED_PYTHON: "3.8"
build_name: wheel-py3_8-cpu build_name: wheel-py3_8-cpu
use_s3: False use_s3: False
@ -196,7 +195,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -208,7 +206,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -257,7 +255,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.9" DESIRED_PYTHON: "3.9"
build_name: wheel-py3_9-cpu build_name: wheel-py3_9-cpu
use_s3: False use_s3: False
@ -314,7 +312,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -326,7 +323,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -375,7 +372,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.10" DESIRED_PYTHON: "3.10"
build_name: wheel-py3_10-cpu build_name: wheel-py3_10-cpu
use_s3: False use_s3: False
@ -432,7 +429,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -444,7 +440,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -493,7 +489,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.11" DESIRED_PYTHON: "3.11"
build_name: wheel-py3_11-cpu build_name: wheel-py3_11-cpu
use_s3: False use_s3: False
@ -550,7 +546,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -562,7 +557,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -611,7 +606,7 @@ jobs:
# favor of GPU_ARCH_VERSION # favor of GPU_ARCH_VERSION
DESIRED_CUDA: cpu DESIRED_CUDA: cpu
GPU_ARCH_TYPE: cpu GPU_ARCH_TYPE: cpu
DOCKER_IMAGE: pytorch/manylinux-builder:cpu-main DOCKER_IMAGE: pytorch/manylinux-builder:cpu-2.2
DESIRED_PYTHON: "3.12" DESIRED_PYTHON: "3.12"
build_name: wheel-py3_12-cpu build_name: wheel-py3_12-cpu
use_s3: False use_s3: False

View File

@ -62,7 +62,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -93,7 +93,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -105,7 +104,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -174,7 +173,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -210,7 +209,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -222,7 +220,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -304,7 +302,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -335,7 +333,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -347,7 +344,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -417,7 +414,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -453,7 +450,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -465,7 +461,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -548,7 +544,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -579,7 +575,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -591,7 +586,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -661,7 +656,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -697,7 +692,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -709,7 +703,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -791,7 +785,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -822,7 +816,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -834,7 +827,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -903,7 +896,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -939,7 +932,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -951,7 +943,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1033,7 +1025,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1064,7 +1056,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1076,7 +1067,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1146,7 +1137,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1182,7 +1173,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1194,7 +1184,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1277,7 +1267,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1308,7 +1298,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1320,7 +1309,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1390,7 +1379,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1426,7 +1415,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1438,7 +1426,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1520,7 +1508,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1551,7 +1539,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1563,7 +1550,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1632,7 +1619,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1668,7 +1655,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1680,7 +1666,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1762,7 +1748,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1793,7 +1779,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1805,7 +1790,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1875,7 +1860,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1911,7 +1896,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1923,7 +1907,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2006,7 +1990,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2037,7 +2021,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2049,7 +2032,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2119,7 +2102,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2155,7 +2138,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2167,7 +2149,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2249,7 +2231,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2280,7 +2262,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2292,7 +2273,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2361,7 +2342,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2397,7 +2378,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2409,7 +2389,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2491,7 +2471,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2522,7 +2502,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2534,7 +2513,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2604,7 +2583,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2640,7 +2619,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2652,7 +2630,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2735,7 +2713,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2766,7 +2744,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2778,7 +2755,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2848,7 +2825,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2884,7 +2861,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2896,7 +2872,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2978,7 +2954,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -3009,7 +2985,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -3021,7 +2996,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -3090,7 +3065,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -3126,7 +3101,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -3138,7 +3112,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -3220,7 +3194,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -3251,7 +3225,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -3263,7 +3236,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -3333,7 +3306,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -3369,7 +3342,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -3381,7 +3353,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -3464,7 +3436,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -3495,7 +3467,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -3507,7 +3478,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -3577,7 +3548,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -3613,7 +3584,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -3625,7 +3595,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder

View File

@ -59,7 +59,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -90,7 +90,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -102,7 +101,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -175,7 +174,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -211,7 +210,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -223,7 +221,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder

View File

@ -66,7 +66,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -97,7 +97,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -109,7 +108,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -182,7 +181,7 @@ jobs:
echo "instance-type: $(get_ec2_metadata instance-type)" echo "instance-type: $(get_ec2_metadata instance-type)"
echo "system info $(uname -a)" echo "system info $(uname -a)"
- name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)"
uses: pytorch/test-infra/.github/actions/setup-ssh@main uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -218,7 +217,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -230,7 +228,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -320,7 +318,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -351,7 +349,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -363,7 +360,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -437,7 +434,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -473,7 +470,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -485,7 +481,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -576,7 +572,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -607,7 +603,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -619,7 +614,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -693,7 +688,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -729,7 +724,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -741,7 +735,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder

View File

@ -59,7 +59,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -90,7 +90,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -102,7 +101,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -175,7 +174,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -211,7 +210,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -223,7 +221,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder

View File

@ -66,7 +66,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -97,7 +97,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -109,7 +108,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -182,7 +181,7 @@ jobs:
echo "instance-type: $(get_ec2_metadata instance-type)" echo "instance-type: $(get_ec2_metadata instance-type)"
echo "system info $(uname -a)" echo "system info $(uname -a)"
- name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)"
uses: pytorch/test-infra/.github/actions/setup-ssh@main uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -218,7 +217,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -230,7 +228,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -320,7 +318,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -351,7 +349,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -363,7 +360,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -437,7 +434,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -473,7 +470,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -485,7 +481,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -576,7 +572,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -607,7 +603,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -619,7 +614,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -693,7 +688,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -729,7 +724,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -741,7 +735,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder

View File

@ -63,7 +63,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -94,7 +94,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -106,7 +105,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -175,7 +174,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -211,7 +210,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -223,7 +221,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -306,7 +304,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -337,7 +335,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -349,7 +346,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -419,7 +416,7 @@ jobs:
echo "instance-type: $(get_ec2_metadata instance-type)" echo "instance-type: $(get_ec2_metadata instance-type)"
echo "system info $(uname -a)" echo "system info $(uname -a)"
- name: "[FB EMPLOYEES] Enable SSH (Click me for login details)" - name: "[FB EMPLOYEES] Enable SSH (Click me for login details)"
uses: pytorch/test-infra/.github/actions/setup-ssh@main uses: pytorch/test-infra/.github/actions/setup-ssh@release/2.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -455,7 +452,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -467,7 +463,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -551,7 +547,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -582,7 +578,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -594,7 +589,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -664,7 +659,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -700,7 +695,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -712,7 +706,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -795,7 +789,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -826,7 +820,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -838,7 +831,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -907,7 +900,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -943,7 +936,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -955,7 +947,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1038,7 +1030,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1069,7 +1061,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1081,7 +1072,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1151,7 +1142,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1187,7 +1178,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1199,7 +1189,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1283,7 +1273,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1314,7 +1304,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1326,7 +1315,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1396,7 +1385,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1432,7 +1421,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1444,7 +1432,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1527,7 +1515,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1558,7 +1546,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1570,7 +1557,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1639,7 +1626,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1675,7 +1662,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1687,7 +1673,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1770,7 +1756,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1801,7 +1787,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1813,7 +1798,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -1883,7 +1868,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -1919,7 +1904,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -1931,7 +1915,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2015,7 +1999,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2046,7 +2030,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2058,7 +2041,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2128,7 +2111,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2164,7 +2147,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2176,7 +2158,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2259,7 +2241,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2290,7 +2272,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2302,7 +2283,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2371,7 +2352,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2407,7 +2388,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2419,7 +2399,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2502,7 +2482,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2533,7 +2513,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2545,7 +2524,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2615,7 +2594,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2651,7 +2630,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2663,7 +2641,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2747,7 +2725,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2778,7 +2756,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2790,7 +2767,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2860,7 +2837,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -2896,7 +2873,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -2908,7 +2884,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -2991,7 +2967,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -3022,7 +2998,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -3034,7 +3009,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -3103,7 +3078,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -3139,7 +3114,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -3151,7 +3125,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -3234,7 +3208,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -3265,7 +3239,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -3277,7 +3250,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -3347,7 +3320,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -3383,7 +3356,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -3395,7 +3367,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -3479,7 +3451,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -3510,7 +3482,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -3522,7 +3493,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder
@ -3592,7 +3563,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.2
continue-on-error: true continue-on-error: true
with: with:
github-secret: ${{ secrets.GITHUB_TOKEN }} github-secret: ${{ secrets.GITHUB_TOKEN }}
@ -3628,7 +3599,6 @@ jobs:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: ${{ github.event_name == 'pull_request' && github.event.pull_request.head.sha || github.sha }}
submodules: recursive submodules: recursive
path: pytorch path: pytorch
quiet-checkout: true quiet-checkout: true
@ -3640,7 +3610,7 @@ jobs:
- name: Checkout pytorch/builder - name: Checkout pytorch/builder
uses: malfet/checkout@silent-checkout uses: malfet/checkout@silent-checkout
with: with:
ref: main ref: release/2.2
submodules: recursive submodules: recursive
repository: pytorch/builder repository: pytorch/builder
path: builder path: builder

View File

@ -4,6 +4,7 @@ on:
push: push:
branches: branches:
- main - main
- release/*
tags: tags:
- ciflow/inductor/* - ciflow/inductor/*
workflow_dispatch: workflow_dispatch:

View File

@ -26,7 +26,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.2
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

@ -15,7 +15,7 @@ on:
# When any other step fails, it's job will be retried once by retryBot. # When any other step fails, it's job will be retried once by retryBot.
jobs: jobs:
lintrunner: lintrunner:
uses: pytorch/test-infra/.github/workflows/linux_job.yml@main uses: pytorch/test-infra/.github/workflows/linux_job.yml@release/2.2
with: with:
timeout: 120 timeout: 120
runner: linux.2xlarge runner: linux.2xlarge
@ -63,7 +63,7 @@ jobs:
exit $RC exit $RC
quick-checks: quick-checks:
uses: pytorch/test-infra/.github/workflows/linux_job.yml@main uses: pytorch/test-infra/.github/workflows/linux_job.yml@release/2.2
with: with:
runner: linux.2xlarge runner: linux.2xlarge
docker-image: pytorch-linux-focal-linter docker-image: pytorch-linux-focal-linter
@ -104,7 +104,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.2
with: with:
submodules: false submodules: false
fetch-depth: -1 fetch-depth: -1
@ -117,7 +117,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.yml@main uses: pytorch/test-infra/.github/workflows/linux_job.yml@release/2.2
with: with:
runner: linux.2xlarge runner: linux.2xlarge
docker-image: pytorch-linux-focal-linter docker-image: pytorch-linux-focal-linter
@ -129,6 +129,7 @@ jobs:
CONDA_ENV=$(conda env list --json | jq -r ".envs | .[-1]") CONDA_ENV=$(conda env list --json | jq -r ".envs | .[-1]")
conda activate "${CONDA_ENV}" conda activate "${CONDA_ENV}"
export RELEASE_VERSION_TAG=2.2
# Regenerate workflows # Regenerate workflows
.github/scripts/generate_ci_workflows.py .github/scripts/generate_ci_workflows.py
@ -153,7 +154,7 @@ jobs:
exit $RC exit $RC
toc: toc:
uses: pytorch/test-infra/.github/workflows/linux_job.yml@main uses: pytorch/test-infra/.github/workflows/linux_job.yml@release/2.2
with: with:
runner: linux.2xlarge runner: linux.2xlarge
docker-image: pytorch-linux-focal-linter docker-image: pytorch-linux-focal-linter
@ -191,7 +192,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.yml@main uses: pytorch/test-infra/.github/workflows/linux_job.yml@release/2.2
with: with:
runner: linux.2xlarge runner: linux.2xlarge
docker-image: pytorch-linux-focal-linter docker-image: pytorch-linux-focal-linter
@ -212,7 +213,7 @@ jobs:
runs-on: linux.20_04.4x runs-on: linux.20_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.2
with: with:
submodules: false submodules: false
fetch-depth: 1 fetch-depth: 1
@ -242,7 +243,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.2
with: with:
submodules: false submodules: false
fetch-depth: 1 fetch-depth: 1

View File

@ -21,7 +21,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.2
with: with:
fetch-depth: 1 fetch-depth: 1
submodules: false submodules: false

View File

@ -12,6 +12,8 @@ on:
push: push:
tags: tags:
- ciflow/periodic/* - ciflow/periodic/*
branches:
- release/*
workflow_dispatch: workflow_dispatch:
concurrency: concurrency:

View File

@ -10,6 +10,8 @@ on:
push: push:
tags: tags:
- ciflow/slow/* - ciflow/slow/*
branches:
- release/*
workflow_dispatch: workflow_dispatch:
concurrency: concurrency:

View File

@ -14,7 +14,7 @@ jobs:
if: ${{ github.repository == 'pytorch/pytorch' }} if: ${{ github.repository == 'pytorch/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.2
with: with:
fetch-depth: 1 fetch-depth: 1
submodules: false submodules: false

View File

@ -44,7 +44,7 @@ jobs:
GITHUB_TOKEN: ${{ secrets.GITHUB_TOKEN }} GITHUB_TOKEN: ${{ secrets.GITHUB_TOKEN }}
AWS_ACCESS_KEY_ID: ${{ secrets.AWS_ACCESS_KEY_ID }} AWS_ACCESS_KEY_ID: ${{ secrets.AWS_ACCESS_KEY_ID }}
AWS_SECRET_ACCESS_KEY: ${{ secrets.AWS_SECRET_ACCESS_KEY }} AWS_SECRET_ACCESS_KEY: ${{ secrets.AWS_SECRET_ACCESS_KEY }}
uses: pytorch/test-infra/.github/actions/upload-alerts@main uses: pytorch/test-infra/.github/actions/upload-alerts@release/2.2
with: with:
alerts: '${{ steps.alert_creation_step.outputs.script-output }}' alerts: '${{ steps.alert_creation_step.outputs.script-output }}'
organization: "pytorch" organization: "pytorch"

View File

@ -37,7 +37,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.2
- uses: actions/setup-python@v4 - uses: actions/setup-python@v4
with: with:

View File

@ -29,7 +29,7 @@ jobs:
name: Upload dynamo performance stats for ${{ github.event.workflow_run.id }}, attempt ${{ github.event.workflow_run.run_attempt }} name: Upload dynamo performance stats for ${{ github.event.workflow_run.id }}, attempt ${{ github.event.workflow_run.run_attempt }}
steps: steps:
- name: Checkout PyTorch - name: Checkout PyTorch
uses: pytorch/pytorch/.github/actions/checkout-pytorch@main uses: pytorch/pytorch/.github/actions/checkout-pytorch@release/2.2
with: with:
submodules: false submodules: false
fetch-depth: 1 fetch-depth: 1

View File

@ -288,7 +288,7 @@ option(USE_VULKAN_RELAXED_PRECISION "Vulkan - Use relaxed precision math in the
option(USE_XNNPACK "Use XNNPACK" ON) option(USE_XNNPACK "Use XNNPACK" ON)
option(USE_ZMQ "Use ZMQ" OFF) option(USE_ZMQ "Use ZMQ" OFF)
option(USE_ZSTD "Use ZSTD" OFF) option(USE_ZSTD "Use ZSTD" OFF)
option(TORCH_DISABLE_GPU_ASSERTS "Disable GPU asserts by default" OFF) option(USE_ROCM_KERNEL_ASSERT "Use Kernel Assert for ROCm" OFF)
# Ensure that an ITT build is the default for x86 CPUs # Ensure that an ITT build is the default for x86 CPUs
cmake_dependent_option( cmake_dependent_option(
USE_ITT "Use Intel(R) VTune Profiler ITT functionality" ON USE_ITT "Use Intel(R) VTune Profiler ITT functionality" ON

View File

@ -63,7 +63,7 @@ RUN --mount=type=cache,target=/opt/ccache \
FROM conda as conda-installs FROM conda as conda-installs
ARG PYTHON_VERSION=3.8 ARG PYTHON_VERSION=3.8
ARG CUDA_VERSION=11.7 ARG CUDA_VERSION=12.1
ARG CUDA_CHANNEL=nvidia ARG CUDA_CHANNEL=nvidia
ARG INSTALL_CHANNEL=pytorch-nightly ARG INSTALL_CHANNEL=pytorch-nightly
# Automatically set by buildx # Automatically set by buildx

View File

@ -149,6 +149,7 @@ FunctionalTensorWrapper::FunctionalTensorWrapper(const Tensor& view_value, const
storage_ = base->storage_; // alias this tensor's storage with the base tensor's storage_ = base->storage_; // alias this tensor's storage with the base tensor's
} }
functionalization::FunctionalStorageImpl* FunctionalTensorWrapper::functional_storage_impl() const { functionalization::FunctionalStorageImpl* FunctionalTensorWrapper::functional_storage_impl() const {
return static_cast<functionalization::FunctionalStorageImpl*>(storage_.unsafeGetStorageImpl()); return static_cast<functionalization::FunctionalStorageImpl*>(storage_.unsafeGetStorageImpl());
} }
@ -309,6 +310,14 @@ void FunctionalTensorWrapper::maybe_replace_storage(const Tensor& other) {
has_metadata_mutation_ = true; has_metadata_mutation_ = true;
} }
void FunctionalTensorWrapper::_unsafe_reset_storage() {
// Reset the storage with the current value_ tensor as the base
storage_ = c10::Storage(c10::make_intrusive<functionalization::FunctionalStorageImpl>(value_));
// Reset the generation so that it matches the new storage
generation_ = 0;
// Clear any pre-existing view metas so that base and value_ are semantically the same
view_metas_.clear();
}
void FunctionalTensorWrapper::sync_() { void FunctionalTensorWrapper::sync_() {
if (is_up_to_date()) { if (is_up_to_date()) {
@ -568,6 +577,11 @@ void commit_update(ITensorListRef functional_tensor) {
} }
} }
void unsafe_reset_storage(const Tensor& functional_tensor) {
TORCH_INTERNAL_ASSERT_DEBUG_ONLY(isFunctionalTensor(functional_tensor));
unsafeGetFunctionalWrapper(functional_tensor)->_unsafe_reset_storage();
}
void mark_mutation_hidden_from_autograd(const Tensor& functional_tensor) { void mark_mutation_hidden_from_autograd(const Tensor& functional_tensor) {
TORCH_CHECK(isFunctionalTensor(functional_tensor)); TORCH_CHECK(isFunctionalTensor(functional_tensor));
unsafeGetFunctionalWrapper(functional_tensor)->mark_mutation_hidden_from_autograd(); unsafeGetFunctionalWrapper(functional_tensor)->mark_mutation_hidden_from_autograd();

View File

@ -165,6 +165,13 @@ struct TORCH_API FunctionalTensorWrapper : public c10::TensorImpl {
// See Note[resize_() in functionalization pass] // See Note[resize_() in functionalization pass]
void maybe_replace_storage(const Tensor& other); void maybe_replace_storage(const Tensor& other);
// Replaces the storage with a new functional storage,
// and clears the view_metas_ stack.
// WARNING: Calling this function will sever the aliasing relationship between
// the current FunctionalTensorWrapper and any of its outstanding aliases.
// Please only call if you know what you're doing.
void _unsafe_reset_storage();
c10::intrusive_ptr<TensorImpl> shallow_copy_and_detach( c10::intrusive_ptr<TensorImpl> shallow_copy_and_detach(
const c10::VariableVersion& version_counter, const c10::VariableVersion& version_counter,
bool allow_tensor_metadata_change) const override; bool allow_tensor_metadata_change) const override;
@ -275,6 +282,8 @@ TORCH_API void replace_(
TORCH_API void commit_update(const Tensor& functional_tensor); TORCH_API void commit_update(const Tensor& functional_tensor);
TORCH_API void commit_update(ITensorListRef functional_tensor); TORCH_API void commit_update(ITensorListRef functional_tensor);
TORCH_API void unsafe_reset_storage(const Tensor& functional_tensor);
TORCH_API void mark_mutation_hidden_from_autograd( TORCH_API void mark_mutation_hidden_from_autograd(
const Tensor& functional_tensor); const Tensor& functional_tensor);

View File

@ -1375,7 +1375,7 @@ static inline int64_t get_mkldnn_matmul_min_size() {
static inline bool apply_mkldnn_matmul_heur(int64_t m, int64_t k, int64_t n) { static inline bool apply_mkldnn_matmul_heur(int64_t m, int64_t k, int64_t n) {
const int64_t min_dim = get_mkldnn_matmul_min_dim(); const int64_t min_dim = get_mkldnn_matmul_min_dim();
const int64_t min_size = get_mkldnn_matmul_min_size(); const int64_t min_size = get_mkldnn_matmul_min_size();
return m > min_dim && k > min_dim && n > min_dim && m * k * n > min_size; return at::globalContext().userEnabledMkldnn() && m > min_dim && k > min_dim && n > min_dim && m * k * n > min_size;
} }
@ -1500,10 +1500,15 @@ static void addmm_impl_cpu_(
if (transpose_c) { if (transpose_c) {
bool apply_heur = apply_mkldnn_matmul_heur(b.sizes()[0], b.sizes()[1], a.sizes()[1]); bool apply_heur = apply_mkldnn_matmul_heur(b.sizes()[0], b.sizes()[1], a.sizes()[1]);
if (apply_heur && transpose_a && !transpose_b && result.scalar_type() == at::ScalarType::Float) { if (apply_heur && transpose_a && !transpose_b && result.scalar_type() == at::ScalarType::Float) {
try {
mkldnn_matmul(b, a, c, beta.to<float>(), alpha.to<float>()); mkldnn_matmul(b, a, c, beta.to<float>(), alpha.to<float>());
// We have dispatched to ACL GEMM for single precision float // We have dispatched to ACL GEMM for single precision float
// so do not need to dispatch to BLAS GEMM below // so do not need to dispatch to BLAS GEMM below
dispatched = true; dispatched = true;
} catch (const std::exception& e) {
TORCH_WARN("mkldnn_matmul failed, switching to BLAS gemm:", e.what());
at::globalContext().setUserEnabledMkldnn(false);
}
} }
} }
#endif #endif
@ -1752,8 +1757,13 @@ static inline void bmm_out_or_baddbmm_(const Tensor& self_or_result_, const Tens
bool apply_heur = apply_mkldnn_matmul_heur(batch1.sizes()[1], batch1.sizes()[2], batch2.sizes()[2]); bool apply_heur = apply_mkldnn_matmul_heur(batch1.sizes()[1], batch1.sizes()[2], batch2.sizes()[2]);
if (apply_heur && use_mkldnn_lower_precision_matmul(batch1, batch2, self_or_result)) { if (apply_heur && use_mkldnn_lower_precision_matmul(batch1, batch2, self_or_result)) {
try {
mkldnn_matmul(batch1, batch2, self_or_result, beta.to<float>(), alpha.to<float>()); mkldnn_matmul(batch1, batch2, self_or_result, beta.to<float>(), alpha.to<float>());
return; return;
} catch (const std::exception& e) {
TORCH_WARN("mkldnn_matmul failed, switching to baddbmm:", e.what());
at::globalContext().setUserEnabledMkldnn(false);
}
} }
if (contraction_size * res_rows * res_cols < 400) { if (contraction_size * res_rows * res_cols < 400) {

View File

@ -130,7 +130,7 @@ void mul_kernel(TensorIteratorBase& iter) {
using comp_t = c10::complex<float>; using comp_t = c10::complex<float>;
return comp_t{a} * comp_t{b}; return comp_t{a} * comp_t{b};
}); });
} else if (iter.is_scalar(2) && at::isReducedFloatingType(dtype)) { } else if (iter.is_scalar(2) && iter.data_ptr(2) != nullptr && at::isReducedFloatingType(dtype)) {
AT_DISPATCH_REDUCED_FLOATING_TYPES(dtype, "mul_cpu_reduced_float", [&]() { AT_DISPATCH_REDUCED_FLOATING_TYPES(dtype, "mul_cpu_reduced_float", [&]() {
using opmath_t = at::opmath_type<scalar_t>; using opmath_t = at::opmath_type<scalar_t>;
opmath_t b = iter.original_scalar_value<opmath_t>(2); opmath_t b = iter.original_scalar_value<opmath_t>(2);
@ -162,7 +162,7 @@ void mul_kernel(TensorIteratorBase& iter) {
void div_true_kernel(TensorIteratorBase& iter) { void div_true_kernel(TensorIteratorBase& iter) {
const auto dtype = iter.common_dtype(); const auto dtype = iter.common_dtype();
if (iter.is_scalar(2) && at::isReducedFloatingType(dtype)) { if (iter.is_scalar(2) && iter.data_ptr(2) != nullptr && at::isReducedFloatingType(dtype)) {
AT_DISPATCH_REDUCED_FLOATING_TYPES(dtype, "div_cpu_reduced_float", [&]() { AT_DISPATCH_REDUCED_FLOATING_TYPES(dtype, "div_cpu_reduced_float", [&]() {
using opmath_t = at::opmath_type<scalar_t>; using opmath_t = at::opmath_type<scalar_t>;
opmath_t b = iter.original_scalar_value<opmath_t>(2); opmath_t b = iter.original_scalar_value<opmath_t>(2);
@ -208,7 +208,7 @@ void div_trunc_kernel(TensorIteratorBase& iter) {
return a / b; return a / b;
}); });
}); });
} else if (iter.is_scalar(2) && at::isReducedFloatingType(dtype)) { } else if (iter.is_scalar(2) && iter.data_ptr(2) != nullptr && at::isReducedFloatingType(dtype)) {
AT_DISPATCH_REDUCED_FLOATING_TYPES( AT_DISPATCH_REDUCED_FLOATING_TYPES(
dtype, "div_trunc_cpu_reduced_float", [&]() { dtype, "div_trunc_cpu_reduced_float", [&]() {
using opmath_t = at::opmath_type<scalar_t>; using opmath_t = at::opmath_type<scalar_t>;
@ -283,7 +283,7 @@ void div_floor_kernel(TensorIteratorBase& iter) {
}); });
} else { } else {
// See NOTE: [Floor Division in Python] // See NOTE: [Floor Division in Python]
if (iter.is_scalar(2) && at::isReducedFloatingType(dtype)) { if (iter.is_scalar(2) && iter.data_ptr(2) != nullptr && at::isReducedFloatingType(dtype)) {
AT_DISPATCH_REDUCED_FLOATING_TYPES( AT_DISPATCH_REDUCED_FLOATING_TYPES(
dtype, "div_floor_cpu_reduced_float", [&]() { dtype, "div_floor_cpu_reduced_float", [&]() {
using opmath_t = at::opmath_type<scalar_t>; using opmath_t = at::opmath_type<scalar_t>;

View File

@ -16,6 +16,7 @@
#include <ATen/ops/_addmm_activation_native.h> #include <ATen/ops/_addmm_activation_native.h>
#include <ATen/ops/_efficientzerotensor.h> #include <ATen/ops/_efficientzerotensor.h>
#include <ATen/ops/_scaled_mm_native.h> #include <ATen/ops/_scaled_mm_native.h>
#include <ATen/ops/_unsafe_view_native.h>
#include <ATen/ops/addmm_native.h> #include <ATen/ops/addmm_native.h>
#include <ATen/ops/addmv_native.h> #include <ATen/ops/addmv_native.h>
#include <ATen/ops/baddbmm_native.h> #include <ATen/ops/baddbmm_native.h>
@ -369,12 +370,10 @@ Tensor& addmm_out_cuda_impl(Tensor& result, const Tensor& self, const Tensor& ma
} }
const Tensor& baddbmm_out_cuda_impl(const Tensor& result, const Tensor& self, const Tensor& batch1, const Tensor& batch2, const Scalar& beta, const Scalar& alpha) { const Tensor& baddbmm_out_cuda_impl(const Tensor& result, const Tensor& self, const Tensor& batch1, const Tensor& batch2, const Scalar& beta, const Scalar& alpha) {
IntArrayRef batch1_sizes = batch1.sizes();
// handle pathological cases that blas may not like // handle pathological cases that blas may not like
if (result.numel() == 0) { if (result.numel() == 0) {
return result; return result;
} else if (batch1_sizes[2] == 0) { } else if (batch1.size(2) == 0) {
if (beta.to<c10::complex<double>>() == 0.0) { if (beta.to<c10::complex<double>>() == 0.0) {
return result.zero_(); return result.zero_();
} else { } else {
@ -421,17 +420,30 @@ const Tensor& baddbmm_out_cuda_impl(const Tensor& result, const Tensor& self, co
const scalar_t* batch1_ptr = batch1_->const_data_ptr<scalar_t>(); const scalar_t* batch1_ptr = batch1_->const_data_ptr<scalar_t>();
const scalar_t* batch2_ptr = batch2_->const_data_ptr<scalar_t>(); const scalar_t* batch2_ptr = batch2_->const_data_ptr<scalar_t>();
scalar_t* result_ptr = result_->mutable_data_ptr<scalar_t>(); scalar_t* result_ptr = result_->mutable_data_ptr<scalar_t>();
at::cuda::blas::bgemm<scalar_t>( const auto transa = transpose_batch1 ? batch1_->is_conj() ? 'c' : 't' : 'n';
transpose_batch1 ? batch1_->is_conj() ? 'c' : 't' : 'n', const auto transb = transpose_batch2 ? batch2_->is_conj() ? 'c' : 't' : 'n';
transpose_batch2 ? batch2_->is_conj() ? 'c' : 't' : 'n', // If batch is 1 call gemm rather than bgemm
m, n, k, if (num_batches == 1) {
alpha_val, at::cuda::blas::gemm<scalar_t>(
batch1_ptr, lda, batch1_->strides()[0], transa, transb,
batch2_ptr, ldb, batch2_->strides()[0], m, n, k,
beta_val, alpha_val,
result_ptr, ldc, result_->strides()[0], batch1_ptr, lda,
num_batches batch2_ptr, ldb,
); beta_val,
result_ptr, ldc);
} else {
at::cuda::blas::bgemm<scalar_t>(
transa, transb,
m, n, k,
alpha_val,
batch1_ptr, lda, batch1_->strides()[0],
batch2_ptr, ldb, batch2_->strides()[0],
beta_val,
result_ptr, ldc, result_->strides()[0],
num_batches
);
}
}); });
if (!result.is_same(*result_)) { if (!result.is_same(*result_)) {
result.copy_(*result_); result.copy_(*result_);

View File

@ -86,6 +86,7 @@ TORCH_IMPL_FUNC(erfinv_out_mps)(const Tensor& self, const Tensor& output_) {
TORCH_CHECK(self.scalar_type() != ScalarType::Double, "MPS does not support erfinv op with scalar type: Double"); TORCH_CHECK(self.scalar_type() != ScalarType::Double, "MPS does not support erfinv op with scalar type: Double");
Tensor inputTensor = self;
Tensor outputTensor = output_; Tensor outputTensor = output_;
bool needs_output_copy = false; bool needs_output_copy = false;
uint32_t length = output_.numel(); uint32_t length = output_.numel();
@ -94,7 +95,6 @@ TORCH_IMPL_FUNC(erfinv_out_mps)(const Tensor& self, const Tensor& output_) {
} }
using namespace mps; using namespace mps;
@autoreleasepool { @autoreleasepool {
Tensor inputTensor = self;
id<MTLDevice> device = MPSDevice::getInstance()->device(); id<MTLDevice> device = MPSDevice::getInstance()->device();
id<MTLComputePipelineState> cplState = id<MTLComputePipelineState> cplState =
getCPLState(device, getMetalType(outputTensor), getMetalType(self), "erfinv_mps_kernel"); getCPLState(device, getMetalType(outputTensor), getMetalType(self), "erfinv_mps_kernel");
@ -111,11 +111,11 @@ TORCH_IMPL_FUNC(erfinv_out_mps)(const Tensor& self, const Tensor& output_) {
id<MTLBuffer> outBuf = getMTLBufferStorage(outputTensor); id<MTLBuffer> outBuf = getMTLBufferStorage(outputTensor);
id<MTLBuffer> inputBuf = getMTLBufferStorage(inputTensor); id<MTLBuffer> inputBuf = getMTLBufferStorage(inputTensor);
getMPSProfiler().beginProfileKernel(cplState, "erf_inv", {self}); getMPSProfiler().beginProfileKernel(cplState, "erf_inv", {inputTensor});
[computeEncoder setComputePipelineState:cplState]; [computeEncoder setComputePipelineState:cplState];
[computeEncoder setBuffer:outBuf offset:0 atIndex:0]; [computeEncoder setBuffer:outBuf offset:outputTensor.storage_offset() * outputTensor.element_size() atIndex:0];
[computeEncoder setBuffer:inputBuf offset:0 atIndex:1]; [computeEncoder setBuffer:inputBuf offset:inputTensor.storage_offset() * inputTensor.element_size() atIndex:1];
MTLSize gridSize = MTLSizeMake(length, 1, 1); MTLSize gridSize = MTLSizeMake(length, 1, 1);
uint32_t maxThreadsPerGroup = [cplState maxTotalThreadsPerThreadgroup]; uint32_t maxThreadsPerGroup = [cplState maxTotalThreadsPerThreadgroup];

View File

@ -303,6 +303,7 @@ struct AttentionKernel {
return false; return false;
} }
q_strideM = q_strideH; q_strideM = q_strideH;
bias_strideM = bias_strideH;
num_queries = num_heads; num_queries = num_heads;
num_heads = 1; // unused but here for intent num_heads = 1; // unused but here for intent
// remove causal since n_query = 1 // remove causal since n_query = 1

View File

@ -320,9 +320,9 @@ TORCH_API bool can_use_mem_efficient_attention(sdp_params const& params, bool de
return false; return false;
#endif #endif
// Constraints specific to mem efficient attention // Constraints specific to mem efficient attention
constexpr auto default_mem_efficient_dtypes = constexpr auto greater_than_or_equal_sm80_mem_efficient_dtypes =
array_of<at::ScalarType>(at::kHalf, at::kFloat, at::kBFloat16); array_of<at::ScalarType>(at::kHalf, at::kFloat, at::kBFloat16);
constexpr auto sm50_mem_efficient_dtypes = constexpr auto less_than_sm80_mem_efficient_dtypes =
array_of<at::ScalarType>(at::kHalf, at::kFloat); array_of<at::ScalarType>(at::kHalf, at::kFloat);
// Define gate functions that determine if a mem efficient kernel can be ran // Define gate functions that determine if a mem efficient kernel can be ran
@ -361,10 +361,10 @@ TORCH_API bool can_use_mem_efficient_attention(sdp_params const& params, bool de
} }
auto dprop = at::cuda::getCurrentDeviceProperties(); auto dprop = at::cuda::getCurrentDeviceProperties();
if (dprop->major == 5) { if (dprop->major >= 8) {
return check_tensor_dtype(params, sm50_mem_efficient_dtypes, debug); return check_tensor_dtype(params, greater_than_or_equal_sm80_mem_efficient_dtypes, debug);
} }
return check_tensor_dtype(params, default_mem_efficient_dtypes, debug); return check_tensor_dtype(params, less_than_sm80_mem_efficient_dtypes, debug);
} }
SDPBackend select_sdp_backend(sdp_params const& kernel_params) { SDPBackend select_sdp_backend(sdp_params const& kernel_params) {

View File

@ -24,7 +24,7 @@ def define_targets(rules):
"CAFFE2_USE_CUDNN", "CAFFE2_USE_CUDNN",
"USE_MKLDNN", "USE_MKLDNN",
"CAFFE2_USE_ITT", "CAFFE2_USE_ITT",
"TORCH_DISABLE_GPU_ASSERTS", "USE_ROCM_KERNEL_ASSERT",
"EIGEN_MPL2_ONLY", "EIGEN_MPL2_ONLY",
], ],
) )

View File

@ -18,6 +18,7 @@ set(C10_USE_GLOG ${USE_GLOG}) # used in cmake_macros.h.in
set(C10_BUILD_SHARED_LIBS ${BUILD_SHARED_LIBS}) # used in cmake_macros.h.in set(C10_BUILD_SHARED_LIBS ${BUILD_SHARED_LIBS}) # used in cmake_macros.h.in
set(C10_USE_NUMA ${USE_NUMA}) set(C10_USE_NUMA ${USE_NUMA})
set(C10_USE_MSVC_STATIC_RUNTIME ${CAFFE2_USE_MSVC_STATIC_RUNTIME}) set(C10_USE_MSVC_STATIC_RUNTIME ${CAFFE2_USE_MSVC_STATIC_RUNTIME})
set(C10_USE_ROCM_KERNEL_ASSERT ${USE_ROCM_KERNEL_ASSERT})
configure_file( configure_file(
${CMAKE_CURRENT_LIST_DIR}/macros/cmake_macros.h.in ${CMAKE_CURRENT_LIST_DIR}/macros/cmake_macros.h.in
${CMAKE_BINARY_DIR}/c10/macros/cmake_macros.h) ${CMAKE_BINARY_DIR}/c10/macros/cmake_macros.h)

View File

@ -14,4 +14,8 @@ constexpr size_t gAlignment = 16;
constexpr size_t gAlignment = 64; constexpr size_t gAlignment = 64;
#endif #endif
constexpr size_t gPagesize = 4096;
// since the default thp pagesize is 2MB, enable thp only
// for buffers of size 2MB or larger to avoid memory bloating
constexpr size_t gAlloc_threshold_thp = 2 * 1024 * 1024;
} // namespace c10 } // namespace c10

View File

@ -10,6 +10,11 @@
#include <mimalloc.h> #include <mimalloc.h>
#endif #endif
#ifdef __linux__
#include <sys/mman.h>
#include <unistd.h>
#endif
// TODO: rename flags to C10 // TODO: rename flags to C10
C10_DEFINE_bool( C10_DEFINE_bool(
caffe2_cpu_allocator_do_zero_fill, caffe2_cpu_allocator_do_zero_fill,
@ -45,6 +50,35 @@ void memset_junk(void* data, size_t num) {
} }
} }
#if defined(__linux__) && !defined(__ANDROID__)
static inline bool is_thp_alloc_enabled() {
static bool value = [&] {
const char* ptr = std::getenv("THP_MEM_ALLOC_ENABLE");
return ptr != nullptr ? std::atoi(ptr) : 0;
}();
return value;
}
inline size_t c10_compute_alignment(size_t nbytes) {
static const auto pagesize = sysconf(_SC_PAGESIZE);
// for kernels that don't provide page size, default it to 4K
const size_t thp_alignment = (pagesize < 0 ? gPagesize : pagesize);
return (is_thp_alloc_enabled() ? thp_alignment : gAlignment);
}
inline bool is_thp_alloc(size_t nbytes) {
// enable thp (transparent huge pages) for larger buffers
return (is_thp_alloc_enabled() && (nbytes >= gAlloc_threshold_thp));
}
#elif !defined(__ANDROID__) && !defined(_MSC_VER)
constexpr size_t c10_compute_alignment(C10_UNUSED size_t nbytes) {
return gAlignment;
}
constexpr bool is_thp_alloc(C10_UNUSED size_t nbytes) {
return false;
}
#endif
} // namespace } // namespace
void* alloc_cpu(size_t nbytes) { void* alloc_cpu(size_t nbytes) {
@ -79,7 +113,7 @@ void* alloc_cpu(size_t nbytes) {
nbytes, nbytes,
" bytes."); " bytes.");
#else #else
int err = posix_memalign(&data, gAlignment, nbytes); int err = posix_memalign(&data, c10_compute_alignment(nbytes), nbytes);
CAFFE_ENFORCE( CAFFE_ENFORCE(
err == 0, err == 0,
"DefaultCPUAllocator: can't allocate memory: you tried to allocate ", "DefaultCPUAllocator: can't allocate memory: you tried to allocate ",
@ -89,6 +123,16 @@ void* alloc_cpu(size_t nbytes) {
" (", " (",
strerror(err), strerror(err),
")"); ")");
if (is_thp_alloc(nbytes)) {
#ifdef __linux__
// MADV_HUGEPAGE advise is available only for linux.
// general posix compliant systems can check POSIX_MADV_SEQUENTIAL advise.
int ret = madvise(data, nbytes, MADV_HUGEPAGE);
if (ret != 0) {
TORCH_WARN_ONCE("thp madvise for HUGEPAGE failed with ", strerror(errno));
}
#endif
}
#endif #endif
// move data to a thread's NUMA node // move data to a thread's NUMA node

View File

@ -374,9 +374,7 @@ extern SYCL_EXTERNAL void __assert_fail(
unsigned int line, unsigned int line,
const char* func); const char* func);
#else // __SYCL_DEVICE_ONLY__ #else // __SYCL_DEVICE_ONLY__
#if ( \ #if (defined(__CUDA_ARCH__) && !(defined(__clang__) && defined(__CUDA__)))
defined(__CUDA_ARCH__) && !(defined(__clang__) && defined(__CUDA__)) && \
!defined(TORCH_DISABLE_GPU_ASSERTS))
// CUDA supports __assert_fail function which are common for both device // CUDA supports __assert_fail function which are common for both device
// and host side code. // and host side code.
__host__ __device__ __host__ __device__
@ -393,18 +391,14 @@ __host__ __device__
unsigned int line, unsigned int line,
const char* function) noexcept __attribute__((__noreturn__)); const char* function) noexcept __attribute__((__noreturn__));
#if (defined(__HIP_ARCH__) || defined(__HIP__)) && \
!defined(TORCH_DISABLE_GPU_ASSERTS)
// ROCm supports __assert_fail only as a device side function.
__device__ __attribute__((noinline)) __attribute__((weak)) void __assert_fail(
const char* assertion,
const char* file,
unsigned int line,
const char* function);
#endif // defined(__HIP_ARCH__) || defined(__HIP__)
#endif // __SYCL_DEVICE_ONLY__ #endif // __SYCL_DEVICE_ONLY__
} }
#endif // NDEBUG #endif // NDEBUG
// ROCm disable kernel assert by default
#if !defined(C10_USE_ROCM_KERNEL_ASSERT) and defined(USE_ROCM)
#define CUDA_KERNEL_ASSERT(cond)
#define SYCL_KERNEL_ASSERT(cond)
#else
#define CUDA_KERNEL_ASSERT(cond) \ #define CUDA_KERNEL_ASSERT(cond) \
if (C10_UNLIKELY(!(cond))) { \ if (C10_UNLIKELY(!(cond))) { \
__assert_fail( \ __assert_fail( \
@ -415,6 +409,7 @@ __device__ __attribute__((noinline)) __attribute__((weak)) void __assert_fail(
__assert_fail( \ __assert_fail( \
#cond, __FILE__, static_cast<unsigned int>(__LINE__), __func__); \ #cond, __FILE__, static_cast<unsigned int>(__LINE__), __func__); \
} }
#endif // C10_USE_ROCM_KERNEL_ASSERT and USE_ROCM
#endif // __APPLE__ #endif // __APPLE__
#ifdef __APPLE__ #ifdef __APPLE__

View File

@ -9,5 +9,6 @@
#cmakedefine C10_USE_GFLAGS #cmakedefine C10_USE_GFLAGS
#cmakedefine C10_USE_NUMA #cmakedefine C10_USE_NUMA
#cmakedefine C10_USE_MSVC_STATIC_RUNTIME #cmakedefine C10_USE_MSVC_STATIC_RUNTIME
#cmakedefine C10_USE_ROCM_KERNEL_ASSERT
#endif // C10_MACROS_CMAKE_MACROS_H_ #endif // C10_MACROS_CMAKE_MACROS_H_

View File

@ -104,6 +104,7 @@ def define_ovrsource_targets():
("#cmakedefine C10_BUILD_SHARED_LIBS", ""), ("#cmakedefine C10_BUILD_SHARED_LIBS", ""),
("#cmakedefine C10_USE_NUMA", ""), ("#cmakedefine C10_USE_NUMA", ""),
("#cmakedefine C10_USE_MSVC_STATIC_RUNTIME", ""), ("#cmakedefine C10_USE_MSVC_STATIC_RUNTIME", ""),
("#cmakedefine C10_USE_ROCM_KERNEL_ASSERT", ""),
] ]
mobile_c10_cmake_defines = [ mobile_c10_cmake_defines = [

View File

@ -26,13 +26,13 @@
#cmakedefine CAFFE2_USE_NVTX #cmakedefine CAFFE2_USE_NVTX
#cmakedefine CAFFE2_USE_ITT #cmakedefine CAFFE2_USE_ITT
#cmakedefine CAFFE2_USE_TRT #cmakedefine CAFFE2_USE_TRT
#cmakedefine TORCH_DISABLE_GPU_ASSERTS
#ifndef EIGEN_MPL2_ONLY #ifndef EIGEN_MPL2_ONLY
#cmakedefine EIGEN_MPL2_ONLY #cmakedefine EIGEN_MPL2_ONLY
#endif #endif
// Useful build settings that are recorded in the compiled binary // Useful build settings that are recorded in the compiled binary
// torch.__build__.show()
#define CAFFE2_BUILD_STRINGS { \ #define CAFFE2_BUILD_STRINGS { \
{"TORCH_VERSION", "${TORCH_VERSION}"}, \ {"TORCH_VERSION", "${TORCH_VERSION}"}, \
{"CXX_COMPILER", "${CMAKE_CXX_COMPILER}"}, \ {"CXX_COMPILER", "${CMAKE_CXX_COMPILER}"}, \
@ -68,5 +68,5 @@
{"USE_NVTX", "${CAFFE2_USE_NVTX}"}, \ {"USE_NVTX", "${CAFFE2_USE_NVTX}"}, \
{"USE_ITT", "${CAFFE2_USE_ITT}"}, \ {"USE_ITT", "${CAFFE2_USE_ITT}"}, \
{"USE_TRT", "${CAFFE2_USE_TRT}"}, \ {"USE_TRT", "${CAFFE2_USE_TRT}"}, \
{"TORCH_DISABLE_GPU_ASSERTS", "${TORCH_DISABLE_GPU_ASSERTS}"}, \ {"USE_ROCM_KERNEL_ASSERT", "${USE_ROCM_KERNEL_ASSERT}"}, \
} }

View File

@ -1192,16 +1192,6 @@ if(ANDROID)
list(APPEND Caffe2_DEPENDENCY_LIBS log) list(APPEND Caffe2_DEPENDENCY_LIBS log)
endif() endif()
# ---[ Kernel asserts
# Kernel asserts are enabled by default for CUDA and disabled for ROCm.
# For ROCm, it can be enabled by setting ROCM_FORCE_ENABLE_GPU_ASSERTS
if(USE_ROCM AND ROCM_FORCE_ENABLE_GPU_ASSERTS)
message(STATUS "Forcefully enabling kernel asserts on ROCM")
elseif(USE_ROCM AND NOT ROCM_FORCE_ENABLE_GPU_ASSERTS)
message(STATUS "Disabling kernel asserts for ROCm")
caffe2_update_option(TORCH_DISABLE_GPU_ASSERTS ON)
endif()
# ---[ LLVM # ---[ LLVM
if(USE_LLVM) if(USE_LLVM)
message(STATUS "Looking for LLVM in ${USE_LLVM}") message(STATUS "Looking for LLVM in ${USE_LLVM}")
@ -1249,6 +1239,7 @@ if(USE_ROCM)
caffe2_update_option(USE_SYSTEM_NCCL ON) caffe2_update_option(USE_SYSTEM_NCCL ON)
endif() endif()
list(APPEND HIP_CXX_FLAGS -fPIC) list(APPEND HIP_CXX_FLAGS -fPIC)
list(APPEND HIP_CXX_FLAGS -D__HIP_PLATFORM_AMD__=1) list(APPEND HIP_CXX_FLAGS -D__HIP_PLATFORM_AMD__=1)
list(APPEND HIP_CXX_FLAGS -DCUDA_HAS_FP16=1) list(APPEND HIP_CXX_FLAGS -DCUDA_HAS_FP16=1)
@ -1291,6 +1282,15 @@ if(USE_ROCM)
list(APPEND Caffe2_PUBLIC_HIP_DEPENDENCY_LIBS list(APPEND Caffe2_PUBLIC_HIP_DEPENDENCY_LIBS
roc::hipblas hip::hipfft hip::hiprand roc::hipsparse roc::hipsolver) roc::hipblas hip::hipfft hip::hiprand roc::hipsparse roc::hipsolver)
# ---[ Kernel asserts
# Kernel asserts is disabled for ROCm by default.
# It can be turned on by turning on the env USE_ROCM_KERNEL_ASSERT to the build system.
if(USE_ROCM_KERNEL_ASSERT)
message(STATUS "Enabling Kernel Assert for ROCm")
else()
message(STATUS "Disabling Kernel Assert for ROCm")
endif()
else() else()
caffe2_update_option(USE_ROCM OFF) caffe2_update_option(USE_ROCM OFF)
endif() endif()

View File

@ -198,5 +198,5 @@ function(caffe2_print_configuration_summary)
# coreml # coreml
message(STATUS " USE_COREML_DELEGATE : ${USE_COREML_DELEGATE}") message(STATUS " USE_COREML_DELEGATE : ${USE_COREML_DELEGATE}")
message(STATUS " BUILD_LAZY_TS_BACKEND : ${BUILD_LAZY_TS_BACKEND}") message(STATUS " BUILD_LAZY_TS_BACKEND : ${BUILD_LAZY_TS_BACKEND}")
message(STATUS " TORCH_DISABLE_GPU_ASSERTS : ${TORCH_DISABLE_GPU_ASSERTS}") message(STATUS " USE_ROCM_KERNEL_ASSERT : ${USE_ROCM_KERNEL_ASSERT}")
endfunction() endfunction()

View File

@ -8,8 +8,9 @@ $(warning WARNING: No docker user found using results from whoami)
DOCKER_ORG = $(shell whoami) DOCKER_ORG = $(shell whoami)
endif endif
CUDA_VERSION = 12.1.1 CUDA_VERSION_SHORT ?= 12.1
CUDNN_VERSION = 8 CUDA_VERSION ?= 12.1.1
CUDNN_VERSION ?= 8
BASE_RUNTIME = ubuntu:22.04 BASE_RUNTIME = ubuntu:22.04
BASE_DEVEL = nvidia/cuda:$(CUDA_VERSION)-cudnn$(CUDNN_VERSION)-devel-ubuntu22.04 BASE_DEVEL = nvidia/cuda:$(CUDA_VERSION)-cudnn$(CUDNN_VERSION)-devel-ubuntu22.04
CMAKE_VARS ?= CMAKE_VARS ?=
@ -71,25 +72,25 @@ all: devel-image
.PHONY: devel-image .PHONY: devel-image
devel-image: BASE_IMAGE := $(BASE_DEVEL) devel-image: BASE_IMAGE := $(BASE_DEVEL)
devel-image: DOCKER_TAG := $(PYTORCH_VERSION)-devel devel-image: DOCKER_TAG := $(PYTORCH_VERSION)-cuda$(CUDA_VERSION_SHORT)-cudnn$(CUDNN_VERSION)-devel
devel-image: devel-image:
$(DOCKER_BUILD) $(DOCKER_BUILD)
.PHONY: devel-push .PHONY: devel-push
devel-push: BASE_IMAGE := $(BASE_DEVEL) devel-push: BASE_IMAGE := $(BASE_DEVEL)
devel-push: DOCKER_TAG := $(PYTORCH_VERSION)-devel devel-push: DOCKER_TAG := $(PYTORCH_VERSION)-cuda$(CUDA_VERSION_SHORT)-cudnn$(CUDNN_VERSION)-devel
devel-push: devel-push:
$(DOCKER_PUSH) $(DOCKER_PUSH)
.PHONY: runtime-image .PHONY: runtime-image
runtime-image: BASE_IMAGE := $(BASE_RUNTIME) runtime-image: BASE_IMAGE := $(BASE_RUNTIME)
runtime-image: DOCKER_TAG := $(PYTORCH_VERSION)-runtime runtime-image: DOCKER_TAG := $(PYTORCH_VERSION)-cuda$(CUDA_VERSION_SHORT)-cudnn$(CUDNN_VERSION)-runtime
runtime-image: runtime-image:
$(DOCKER_BUILD) $(DOCKER_BUILD)
.PHONY: runtime-push .PHONY: runtime-push
runtime-push: BASE_IMAGE := $(BASE_RUNTIME) runtime-push: BASE_IMAGE := $(BASE_RUNTIME)
runtime-push: DOCKER_TAG := $(PYTORCH_VERSION)-runtime runtime-push: DOCKER_TAG := $(PYTORCH_VERSION)-cuda$(CUDA_VERSION_SHORT)-cudnn$(CUDNN_VERSION)-runtime
runtime-push: runtime-push:
$(DOCKER_PUSH) $(DOCKER_PUSH)

Binary file not shown.

Before

Width:  |  Height:  |  Size: 7.0 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 20 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 30 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 37 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 44 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 14 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 110 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 31 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 46 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 32 KiB

Binary file not shown.

Before

Width:  |  Height:  |  Size: 26 KiB

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