mirror of
https://github.com/pytorch/pytorch.git
synced 2025-10-24 07:27:32 +08:00
Compare commits
1 Commits
codegen_tr
...
fy/fix-win
Author | SHA1 | Date | |
---|---|---|---|
905f17024d |
2
.bazelrc
2
.bazelrc
@ -2,7 +2,7 @@ build --cxxopt=--std=c++17
|
|||||||
build --copt=-I.
|
build --copt=-I.
|
||||||
# Bazel does not support including its cc_library targets as system
|
# Bazel does not support including its cc_library targets as system
|
||||||
# headers. We work around this for generated code
|
# headers. We work around this for generated code
|
||||||
# (e.g. torch/headeronly/macros/cmake_macros.h) by making the generated directory a
|
# (e.g. c10/macros/cmake_macros.h) by making the generated directory a
|
||||||
# system include path.
|
# system include path.
|
||||||
build --copt=-isystem --copt bazel-out/k8-fastbuild/bin
|
build --copt=-isystem --copt bazel-out/k8-fastbuild/bin
|
||||||
build --copt=-isystem --copt bazel-out/darwin-fastbuild/bin
|
build --copt=-isystem --copt bazel-out/darwin-fastbuild/bin
|
||||||
|
@ -1 +1 @@
|
|||||||
6.5.0
|
6.1.1
|
||||||
|
@ -1,15 +0,0 @@
|
|||||||
version: 1
|
|
||||||
paths:
|
|
||||||
include:
|
|
||||||
- "**/*.py"
|
|
||||||
exclude:
|
|
||||||
- ".*"
|
|
||||||
- ".*/**"
|
|
||||||
- "**/.*/**"
|
|
||||||
- "**/.*"
|
|
||||||
- "**/_*/**"
|
|
||||||
- "**/_*.py"
|
|
||||||
- "**/test/**"
|
|
||||||
- "**/benchmarks/**"
|
|
||||||
- "**/test_*.py"
|
|
||||||
- "**/*_test.py"
|
|
23
.buckconfig.oss
Normal file
23
.buckconfig.oss
Normal file
@ -0,0 +1,23 @@
|
|||||||
|
[pt]
|
||||||
|
is_oss=1
|
||||||
|
|
||||||
|
[buildfile]
|
||||||
|
name = BUCK.oss
|
||||||
|
includes = //tools/build_defs/select.bzl
|
||||||
|
|
||||||
|
[repositories]
|
||||||
|
bazel_skylib = third_party/bazel-skylib/
|
||||||
|
ovr_config = .
|
||||||
|
|
||||||
|
[download]
|
||||||
|
in_build = true
|
||||||
|
|
||||||
|
[cxx]
|
||||||
|
cxxflags = -std=c++17
|
||||||
|
ldflags = -Wl,--no-undefined
|
||||||
|
should_remap_host_platform = true
|
||||||
|
cpp = /usr/bin/clang
|
||||||
|
cc = /usr/bin/clang
|
||||||
|
cxx = /usr/bin/clang++
|
||||||
|
cxxpp = /usr/bin/clang++
|
||||||
|
ld = /usr/bin/clang++
|
@ -1,19 +0,0 @@
|
|||||||
# Aarch64 (ARM/Graviton) Support Scripts
|
|
||||||
Scripts for building aarch64 PyTorch PIP Wheels. These scripts build the following wheels:
|
|
||||||
* torch
|
|
||||||
* torchvision
|
|
||||||
* torchaudio
|
|
||||||
* torchtext
|
|
||||||
* torchdata
|
|
||||||
## Aarch64_ci_build.sh
|
|
||||||
This script is design to support CD operations within PyPi manylinux aarch64 container, and be executed in the container. It prepares the container and then executes __aarch64_wheel_ci_build.py__ to build the wheels. The script "assumes" the PyTorch repo is located at: ```/pytorch``` and will put the wheels into ```/artifacts```.
|
|
||||||
### Usage
|
|
||||||
```DESIRED_PYTHON=<PythonVersion> aarch64_ci_build.sh```
|
|
||||||
|
|
||||||
__NOTE:__ CI build is currently __EXPERMINTAL__
|
|
||||||
|
|
||||||
## Build_aarch64_wheel.py
|
|
||||||
This app allows a person to build using AWS EC3 resources and requires AWS-CLI and Boto3 with AWS credentials to support building EC2 instances for the wheel builds. Can be used in a codebuild CD or from a local system.
|
|
||||||
|
|
||||||
### Usage
|
|
||||||
```build_aarch64_wheel.py --key-name <YourPemKey> --use-docker --python 3.8 --branch <RCtag>```
|
|
@ -1,51 +0,0 @@
|
|||||||
#!/bin/bash
|
|
||||||
set -eux -o pipefail
|
|
||||||
|
|
||||||
GPU_ARCH_VERSION=${GPU_ARCH_VERSION:-}
|
|
||||||
|
|
||||||
# Set CUDA architecture lists to match x86 build_cuda.sh
|
|
||||||
if [[ "$GPU_ARCH_VERSION" == *"12.6"* ]]; then
|
|
||||||
export TORCH_CUDA_ARCH_LIST="8.0;9.0"
|
|
||||||
elif [[ "$GPU_ARCH_VERSION" == *"12.8"* ]]; then
|
|
||||||
export TORCH_CUDA_ARCH_LIST="8.0;9.0;10.0;12.0"
|
|
||||||
elif [[ "$GPU_ARCH_VERSION" == *"13.0"* ]]; then
|
|
||||||
export TORCH_CUDA_ARCH_LIST="8.0;9.0;10.0;11.0;12.0+PTX"
|
|
||||||
fi
|
|
||||||
|
|
||||||
# Compress the fatbin with -compress-mode=size for CUDA 13
|
|
||||||
if [[ "$DESIRED_CUDA" == *"13"* ]]; then
|
|
||||||
export TORCH_NVCC_FLAGS="-compress-mode=size"
|
|
||||||
# Bundle ptxas into the cu13 wheel, see https://github.com/pytorch/pytorch/issues/163801
|
|
||||||
export BUILD_BUNDLE_PTXAS=1
|
|
||||||
fi
|
|
||||||
|
|
||||||
SCRIPTPATH="$( cd -- "$(dirname "$0")" >/dev/null 2>&1 ; pwd -P )"
|
|
||||||
source $SCRIPTPATH/aarch64_ci_setup.sh
|
|
||||||
|
|
||||||
###############################################################################
|
|
||||||
# Run aarch64 builder python
|
|
||||||
###############################################################################
|
|
||||||
cd /
|
|
||||||
# adding safe directory for git as the permissions will be
|
|
||||||
# on the mounted pytorch repo
|
|
||||||
git config --global --add safe.directory /pytorch
|
|
||||||
pip install -r /pytorch/requirements.txt
|
|
||||||
pip install auditwheel==6.2.0 wheel
|
|
||||||
if [ "$DESIRED_CUDA" = "cpu" ]; then
|
|
||||||
echo "BASE_CUDA_VERSION is not set. Building cpu wheel."
|
|
||||||
python /pytorch/.ci/aarch64_linux/aarch64_wheel_ci_build.py --enable-mkldnn
|
|
||||||
else
|
|
||||||
echo "BASE_CUDA_VERSION is set to: $DESIRED_CUDA"
|
|
||||||
export USE_SYSTEM_NCCL=1
|
|
||||||
|
|
||||||
# Check if we should use NVIDIA libs from PyPI (similar to x86 build_cuda.sh logic)
|
|
||||||
if [[ -z "$PYTORCH_EXTRA_INSTALL_REQUIREMENTS" ]]; then
|
|
||||||
echo "Bundling CUDA libraries with wheel for aarch64."
|
|
||||||
else
|
|
||||||
echo "Using nvidia libs from pypi for aarch64."
|
|
||||||
echo "Updated PYTORCH_EXTRA_INSTALL_REQUIREMENTS for aarch64: $PYTORCH_EXTRA_INSTALL_REQUIREMENTS"
|
|
||||||
export USE_NVIDIA_PYPI_LIBS=1
|
|
||||||
fi
|
|
||||||
|
|
||||||
python /pytorch/.ci/aarch64_linux/aarch64_wheel_ci_build.py --enable-mkldnn --enable-cuda
|
|
||||||
fi
|
|
@ -1,21 +0,0 @@
|
|||||||
#!/bin/bash
|
|
||||||
set -eux -o pipefail
|
|
||||||
|
|
||||||
# This script is used to prepare the Docker container for aarch64_ci_wheel_build.py python script
|
|
||||||
# By creating symlinks from desired /opt/python to /usr/local/bin/
|
|
||||||
|
|
||||||
NUMPY_VERSION=2.0.2
|
|
||||||
if [[ "$DESIRED_PYTHON" == "3.13" || "$DESIRED_PYTHON" == "3.13t" ]]; then
|
|
||||||
NUMPY_VERSION=2.1.2
|
|
||||||
fi
|
|
||||||
|
|
||||||
SCRIPTPATH="$( cd "$(dirname "$0")" ; pwd -P )"
|
|
||||||
source $SCRIPTPATH/../manywheel/set_desired_python.sh
|
|
||||||
|
|
||||||
pip install -q numpy==${NUMPY_VERSION} pyyaml==6.0.2 scons==4.7.0 ninja==1.11.1 patchelf==0.17.2
|
|
||||||
|
|
||||||
for tool in python python3 pip pip3 ninja scons patchelf; do
|
|
||||||
ln -sf ${DESIRED_PYTHON_BIN_DIR}/${tool} /usr/local/bin;
|
|
||||||
done
|
|
||||||
|
|
||||||
python --version
|
|
@ -1,382 +0,0 @@
|
|||||||
#!/usr/bin/env python3
|
|
||||||
# encoding: UTF-8
|
|
||||||
|
|
||||||
import os
|
|
||||||
import shutil
|
|
||||||
from subprocess import check_call, check_output
|
|
||||||
|
|
||||||
|
|
||||||
def list_dir(path: str) -> list[str]:
|
|
||||||
"""'
|
|
||||||
Helper for getting paths for Python
|
|
||||||
"""
|
|
||||||
return check_output(["ls", "-1", path]).decode().split("\n")
|
|
||||||
|
|
||||||
|
|
||||||
def build_ArmComputeLibrary() -> None:
|
|
||||||
"""
|
|
||||||
Using ArmComputeLibrary for aarch64 PyTorch
|
|
||||||
"""
|
|
||||||
print("Building Arm Compute Library")
|
|
||||||
acl_build_flags = [
|
|
||||||
"debug=0",
|
|
||||||
"neon=1",
|
|
||||||
"opencl=0",
|
|
||||||
"os=linux",
|
|
||||||
"openmp=1",
|
|
||||||
"cppthreads=0",
|
|
||||||
"arch=armv8a",
|
|
||||||
"multi_isa=1",
|
|
||||||
"fixed_format_kernels=1",
|
|
||||||
"build=native",
|
|
||||||
]
|
|
||||||
acl_install_dir = "/acl"
|
|
||||||
acl_checkout_dir = os.getenv("ACL_SOURCE_DIR", "ComputeLibrary")
|
|
||||||
if os.path.isdir(acl_install_dir):
|
|
||||||
shutil.rmtree(acl_install_dir)
|
|
||||||
if not os.path.isdir(acl_checkout_dir) or not len(os.listdir(acl_checkout_dir)):
|
|
||||||
check_call(
|
|
||||||
[
|
|
||||||
"git",
|
|
||||||
"clone",
|
|
||||||
"https://github.com/ARM-software/ComputeLibrary.git",
|
|
||||||
"-b",
|
|
||||||
"v25.02",
|
|
||||||
"--depth",
|
|
||||||
"1",
|
|
||||||
"--shallow-submodules",
|
|
||||||
]
|
|
||||||
)
|
|
||||||
|
|
||||||
check_call(
|
|
||||||
["scons", "Werror=1", f"-j{os.cpu_count()}"] + acl_build_flags,
|
|
||||||
cwd=acl_checkout_dir,
|
|
||||||
)
|
|
||||||
for d in ["arm_compute", "include", "utils", "support", "src", "build"]:
|
|
||||||
shutil.copytree(f"{acl_checkout_dir}/{d}", f"{acl_install_dir}/{d}")
|
|
||||||
|
|
||||||
|
|
||||||
def replace_tag(filename) -> None:
|
|
||||||
with open(filename) as f:
|
|
||||||
lines = f.readlines()
|
|
||||||
for i, line in enumerate(lines):
|
|
||||||
if line.startswith("Tag:"):
|
|
||||||
lines[i] = line.replace("-linux_", "-manylinux_2_28_")
|
|
||||||
print(f"Updated tag from {line} to {lines[i]}")
|
|
||||||
break
|
|
||||||
|
|
||||||
with open(filename, "w") as f:
|
|
||||||
f.writelines(lines)
|
|
||||||
|
|
||||||
|
|
||||||
def patch_library_rpath(
|
|
||||||
folder: str,
|
|
||||||
lib_name: str,
|
|
||||||
use_nvidia_pypi_libs: bool = False,
|
|
||||||
desired_cuda: str = "",
|
|
||||||
) -> None:
|
|
||||||
"""Apply patchelf to set RPATH for a library in torch/lib"""
|
|
||||||
lib_path = f"{folder}/tmp/torch/lib/{lib_name}"
|
|
||||||
|
|
||||||
if use_nvidia_pypi_libs:
|
|
||||||
# For PyPI NVIDIA libraries, construct CUDA RPATH
|
|
||||||
cuda_rpaths = [
|
|
||||||
"$ORIGIN/../../nvidia/cudnn/lib",
|
|
||||||
"$ORIGIN/../../nvidia/nvshmem/lib",
|
|
||||||
"$ORIGIN/../../nvidia/nccl/lib",
|
|
||||||
"$ORIGIN/../../nvidia/cusparselt/lib",
|
|
||||||
]
|
|
||||||
|
|
||||||
if "130" in desired_cuda:
|
|
||||||
cuda_rpaths.append("$ORIGIN/../../nvidia/cu13/lib")
|
|
||||||
else:
|
|
||||||
cuda_rpaths.extend(
|
|
||||||
[
|
|
||||||
"$ORIGIN/../../nvidia/cublas/lib",
|
|
||||||
"$ORIGIN/../../nvidia/cuda_cupti/lib",
|
|
||||||
"$ORIGIN/../../nvidia/cuda_nvrtc/lib",
|
|
||||||
"$ORIGIN/../../nvidia/cuda_runtime/lib",
|
|
||||||
"$ORIGIN/../../nvidia/cufft/lib",
|
|
||||||
"$ORIGIN/../../nvidia/curand/lib",
|
|
||||||
"$ORIGIN/../../nvidia/cusolver/lib",
|
|
||||||
"$ORIGIN/../../nvidia/cusparse/lib",
|
|
||||||
"$ORIGIN/../../nvidia/nvtx/lib",
|
|
||||||
"$ORIGIN/../../nvidia/cufile/lib",
|
|
||||||
]
|
|
||||||
)
|
|
||||||
|
|
||||||
# Add $ORIGIN for local torch libs
|
|
||||||
rpath = ":".join(cuda_rpaths) + ":$ORIGIN"
|
|
||||||
else:
|
|
||||||
# For bundled libraries, just use $ORIGIN
|
|
||||||
rpath = "$ORIGIN"
|
|
||||||
|
|
||||||
if os.path.exists(lib_path):
|
|
||||||
os.system(
|
|
||||||
f"cd {folder}/tmp/torch/lib/; "
|
|
||||||
f"patchelf --set-rpath '{rpath}' --force-rpath {lib_name}"
|
|
||||||
)
|
|
||||||
|
|
||||||
|
|
||||||
def copy_and_patch_library(
|
|
||||||
src_path: str,
|
|
||||||
folder: str,
|
|
||||||
use_nvidia_pypi_libs: bool = False,
|
|
||||||
desired_cuda: str = "",
|
|
||||||
) -> None:
|
|
||||||
"""Copy a library to torch/lib and patch its RPATH"""
|
|
||||||
if os.path.exists(src_path):
|
|
||||||
lib_name = os.path.basename(src_path)
|
|
||||||
shutil.copy2(src_path, f"{folder}/tmp/torch/lib/{lib_name}")
|
|
||||||
patch_library_rpath(folder, lib_name, use_nvidia_pypi_libs, desired_cuda)
|
|
||||||
|
|
||||||
|
|
||||||
def package_cuda_wheel(wheel_path, desired_cuda) -> None:
|
|
||||||
"""
|
|
||||||
Package the cuda wheel libraries
|
|
||||||
"""
|
|
||||||
folder = os.path.dirname(wheel_path)
|
|
||||||
os.mkdir(f"{folder}/tmp")
|
|
||||||
os.system(f"unzip {wheel_path} -d {folder}/tmp")
|
|
||||||
# Delete original wheel since it will be repackaged
|
|
||||||
os.system(f"rm {wheel_path}")
|
|
||||||
|
|
||||||
# Check if we should use PyPI NVIDIA libraries or bundle system libraries
|
|
||||||
use_nvidia_pypi_libs = os.getenv("USE_NVIDIA_PYPI_LIBS", "0") == "1"
|
|
||||||
|
|
||||||
if use_nvidia_pypi_libs:
|
|
||||||
print("Using nvidia libs from pypi - skipping CUDA library bundling")
|
|
||||||
# For PyPI approach, we don't bundle CUDA libraries - they come from PyPI packages
|
|
||||||
# We only need to bundle non-NVIDIA libraries
|
|
||||||
minimal_libs_to_copy = [
|
|
||||||
"/lib64/libgomp.so.1",
|
|
||||||
"/usr/lib64/libgfortran.so.5",
|
|
||||||
"/acl/build/libarm_compute.so",
|
|
||||||
"/acl/build/libarm_compute_graph.so",
|
|
||||||
"/usr/local/lib/libnvpl_lapack_lp64_gomp.so.0",
|
|
||||||
"/usr/local/lib/libnvpl_blas_lp64_gomp.so.0",
|
|
||||||
"/usr/local/lib/libnvpl_lapack_core.so.0",
|
|
||||||
"/usr/local/lib/libnvpl_blas_core.so.0",
|
|
||||||
]
|
|
||||||
|
|
||||||
# Copy minimal libraries to unzipped_folder/torch/lib
|
|
||||||
for lib_path in minimal_libs_to_copy:
|
|
||||||
copy_and_patch_library(lib_path, folder, use_nvidia_pypi_libs, desired_cuda)
|
|
||||||
|
|
||||||
# Patch torch libraries used for searching libraries
|
|
||||||
torch_libs_to_patch = [
|
|
||||||
"libtorch.so",
|
|
||||||
"libtorch_cpu.so",
|
|
||||||
"libtorch_cuda.so",
|
|
||||||
"libtorch_cuda_linalg.so",
|
|
||||||
"libtorch_global_deps.so",
|
|
||||||
"libtorch_python.so",
|
|
||||||
"libtorch_nvshmem.so",
|
|
||||||
"libc10.so",
|
|
||||||
"libc10_cuda.so",
|
|
||||||
"libcaffe2_nvrtc.so",
|
|
||||||
"libshm.so",
|
|
||||||
]
|
|
||||||
for lib_name in torch_libs_to_patch:
|
|
||||||
patch_library_rpath(folder, lib_name, use_nvidia_pypi_libs, desired_cuda)
|
|
||||||
else:
|
|
||||||
print("Bundling CUDA libraries with wheel")
|
|
||||||
# Original logic for bundling system CUDA libraries
|
|
||||||
# Common libraries for all CUDA versions
|
|
||||||
common_libs = [
|
|
||||||
# Non-NVIDIA system libraries
|
|
||||||
"/lib64/libgomp.so.1",
|
|
||||||
"/usr/lib64/libgfortran.so.5",
|
|
||||||
"/acl/build/libarm_compute.so",
|
|
||||||
"/acl/build/libarm_compute_graph.so",
|
|
||||||
# Common CUDA libraries (same for all versions)
|
|
||||||
"/usr/local/lib/libnvpl_lapack_lp64_gomp.so.0",
|
|
||||||
"/usr/local/lib/libnvpl_blas_lp64_gomp.so.0",
|
|
||||||
"/usr/local/lib/libnvpl_lapack_core.so.0",
|
|
||||||
"/usr/local/lib/libnvpl_blas_core.so.0",
|
|
||||||
"/usr/local/cuda/extras/CUPTI/lib64/libnvperf_host.so",
|
|
||||||
"/usr/local/cuda/lib64/libcudnn.so.9",
|
|
||||||
"/usr/local/cuda/lib64/libcusparseLt.so.0",
|
|
||||||
"/usr/local/cuda/lib64/libcurand.so.10",
|
|
||||||
"/usr/local/cuda/lib64/libnccl.so.2",
|
|
||||||
"/usr/local/cuda/lib64/libnvshmem_host.so.3",
|
|
||||||
"/usr/local/cuda/lib64/libcudnn_adv.so.9",
|
|
||||||
"/usr/local/cuda/lib64/libcudnn_cnn.so.9",
|
|
||||||
"/usr/local/cuda/lib64/libcudnn_graph.so.9",
|
|
||||||
"/usr/local/cuda/lib64/libcudnn_ops.so.9",
|
|
||||||
"/usr/local/cuda/lib64/libcudnn_engines_runtime_compiled.so.9",
|
|
||||||
"/usr/local/cuda/lib64/libcudnn_engines_precompiled.so.9",
|
|
||||||
"/usr/local/cuda/lib64/libcudnn_heuristic.so.9",
|
|
||||||
"/usr/local/cuda/lib64/libcufile.so.0",
|
|
||||||
"/usr/local/cuda/lib64/libcufile_rdma.so.1",
|
|
||||||
"/usr/local/cuda/lib64/libcusparse.so.12",
|
|
||||||
]
|
|
||||||
|
|
||||||
# CUDA version-specific libraries
|
|
||||||
if "13" in desired_cuda:
|
|
||||||
minor_version = desired_cuda[-1]
|
|
||||||
version_specific_libs = [
|
|
||||||
"/usr/local/cuda/extras/CUPTI/lib64/libcupti.so.13",
|
|
||||||
"/usr/local/cuda/lib64/libcublas.so.13",
|
|
||||||
"/usr/local/cuda/lib64/libcublasLt.so.13",
|
|
||||||
"/usr/local/cuda/lib64/libcudart.so.13",
|
|
||||||
"/usr/local/cuda/lib64/libcufft.so.12",
|
|
||||||
"/usr/local/cuda/lib64/libcusolver.so.12",
|
|
||||||
"/usr/local/cuda/lib64/libnvJitLink.so.13",
|
|
||||||
"/usr/local/cuda/lib64/libnvrtc.so.13",
|
|
||||||
f"/usr/local/cuda/lib64/libnvrtc-builtins.so.13.{minor_version}",
|
|
||||||
]
|
|
||||||
elif "12" in desired_cuda:
|
|
||||||
# Get the last character for libnvrtc-builtins version (e.g., "129" -> "9")
|
|
||||||
minor_version = desired_cuda[-1]
|
|
||||||
version_specific_libs = [
|
|
||||||
"/usr/local/cuda/extras/CUPTI/lib64/libcupti.so.12",
|
|
||||||
"/usr/local/cuda/lib64/libcublas.so.12",
|
|
||||||
"/usr/local/cuda/lib64/libcublasLt.so.12",
|
|
||||||
"/usr/local/cuda/lib64/libcudart.so.12",
|
|
||||||
"/usr/local/cuda/lib64/libcufft.so.11",
|
|
||||||
"/usr/local/cuda/lib64/libcusolver.so.11",
|
|
||||||
"/usr/local/cuda/lib64/libnvJitLink.so.12",
|
|
||||||
"/usr/local/cuda/lib64/libnvrtc.so.12",
|
|
||||||
f"/usr/local/cuda/lib64/libnvrtc-builtins.so.12.{minor_version}",
|
|
||||||
]
|
|
||||||
else:
|
|
||||||
raise ValueError(f"Unsupported CUDA version: {desired_cuda}.")
|
|
||||||
|
|
||||||
# Combine all libraries
|
|
||||||
libs_to_copy = common_libs + version_specific_libs
|
|
||||||
|
|
||||||
# Copy libraries to unzipped_folder/torch/lib
|
|
||||||
for lib_path in libs_to_copy:
|
|
||||||
copy_and_patch_library(lib_path, folder, use_nvidia_pypi_libs, desired_cuda)
|
|
||||||
|
|
||||||
# Make sure the wheel is tagged with manylinux_2_28
|
|
||||||
for f in os.scandir(f"{folder}/tmp/"):
|
|
||||||
if f.is_dir() and f.name.endswith(".dist-info"):
|
|
||||||
replace_tag(f"{f.path}/WHEEL")
|
|
||||||
break
|
|
||||||
|
|
||||||
os.system(f"wheel pack {folder}/tmp/ -d {folder}")
|
|
||||||
os.system(f"rm -rf {folder}/tmp/")
|
|
||||||
|
|
||||||
|
|
||||||
def complete_wheel(folder: str) -> str:
|
|
||||||
"""
|
|
||||||
Complete wheel build and put in artifact location
|
|
||||||
"""
|
|
||||||
wheel_name = list_dir(f"/{folder}/dist")[0]
|
|
||||||
|
|
||||||
# Please note for cuda we don't run auditwheel since we use custom script to package
|
|
||||||
# the cuda dependencies to the wheel file using update_wheel() method.
|
|
||||||
# However we need to make sure filename reflects the correct Manylinux platform.
|
|
||||||
if "pytorch" in folder and not enable_cuda:
|
|
||||||
print("Repairing Wheel with AuditWheel")
|
|
||||||
check_call(["auditwheel", "repair", f"dist/{wheel_name}"], cwd=folder)
|
|
||||||
repaired_wheel_name = list_dir(f"/{folder}/wheelhouse")[0]
|
|
||||||
|
|
||||||
print(f"Moving {repaired_wheel_name} wheel to /{folder}/dist")
|
|
||||||
os.rename(
|
|
||||||
f"/{folder}/wheelhouse/{repaired_wheel_name}",
|
|
||||||
f"/{folder}/dist/{repaired_wheel_name}",
|
|
||||||
)
|
|
||||||
else:
|
|
||||||
repaired_wheel_name = list_dir(f"/{folder}/dist")[0]
|
|
||||||
|
|
||||||
print(f"Copying {repaired_wheel_name} to artifacts")
|
|
||||||
shutil.copy2(
|
|
||||||
f"/{folder}/dist/{repaired_wheel_name}", f"/artifacts/{repaired_wheel_name}"
|
|
||||||
)
|
|
||||||
|
|
||||||
return repaired_wheel_name
|
|
||||||
|
|
||||||
|
|
||||||
def parse_arguments():
|
|
||||||
"""
|
|
||||||
Parse inline arguments
|
|
||||||
"""
|
|
||||||
from argparse import ArgumentParser
|
|
||||||
|
|
||||||
parser = ArgumentParser("AARCH64 wheels python CD")
|
|
||||||
parser.add_argument("--debug", action="store_true")
|
|
||||||
parser.add_argument("--build-only", action="store_true")
|
|
||||||
parser.add_argument("--test-only", type=str)
|
|
||||||
parser.add_argument("--enable-mkldnn", action="store_true")
|
|
||||||
parser.add_argument("--enable-cuda", action="store_true")
|
|
||||||
return parser.parse_args()
|
|
||||||
|
|
||||||
|
|
||||||
if __name__ == "__main__":
|
|
||||||
"""
|
|
||||||
Entry Point
|
|
||||||
"""
|
|
||||||
args = parse_arguments()
|
|
||||||
enable_mkldnn = args.enable_mkldnn
|
|
||||||
enable_cuda = args.enable_cuda
|
|
||||||
branch = check_output(
|
|
||||||
["git", "rev-parse", "--abbrev-ref", "HEAD"], cwd="/pytorch"
|
|
||||||
).decode()
|
|
||||||
|
|
||||||
print("Building PyTorch wheel")
|
|
||||||
build_vars = ""
|
|
||||||
# MAX_JOB=5 is not required for CPU backend (see commit 465d98b)
|
|
||||||
if enable_cuda:
|
|
||||||
build_vars += "MAX_JOBS=5 "
|
|
||||||
|
|
||||||
# Handle PyPI NVIDIA libraries vs bundled libraries
|
|
||||||
use_nvidia_pypi_libs = os.getenv("USE_NVIDIA_PYPI_LIBS", "0") == "1"
|
|
||||||
if use_nvidia_pypi_libs:
|
|
||||||
print("Configuring build for PyPI NVIDIA libraries")
|
|
||||||
# Configure for dynamic linking (matching x86 logic)
|
|
||||||
build_vars += "ATEN_STATIC_CUDA=0 USE_CUDA_STATIC_LINK=0 USE_CUPTI_SO=1 "
|
|
||||||
else:
|
|
||||||
print("Configuring build for bundled NVIDIA libraries")
|
|
||||||
# Keep existing static linking approach - already configured above
|
|
||||||
|
|
||||||
override_package_version = os.getenv("OVERRIDE_PACKAGE_VERSION")
|
|
||||||
desired_cuda = os.getenv("DESIRED_CUDA")
|
|
||||||
if override_package_version is not None:
|
|
||||||
version = override_package_version
|
|
||||||
build_vars += (
|
|
||||||
f"BUILD_TEST=0 PYTORCH_BUILD_VERSION={version} PYTORCH_BUILD_NUMBER=1 "
|
|
||||||
)
|
|
||||||
elif branch in ["nightly", "main"]:
|
|
||||||
build_date = (
|
|
||||||
check_output(["git", "log", "--pretty=format:%cs", "-1"], cwd="/pytorch")
|
|
||||||
.decode()
|
|
||||||
.replace("-", "")
|
|
||||||
)
|
|
||||||
version = (
|
|
||||||
check_output(["cat", "version.txt"], cwd="/pytorch").decode().strip()[:-2]
|
|
||||||
)
|
|
||||||
if enable_cuda:
|
|
||||||
build_vars += f"BUILD_TEST=0 PYTORCH_BUILD_VERSION={version}.dev{build_date}+{desired_cuda} PYTORCH_BUILD_NUMBER=1 "
|
|
||||||
else:
|
|
||||||
build_vars += f"BUILD_TEST=0 PYTORCH_BUILD_VERSION={version}.dev{build_date} PYTORCH_BUILD_NUMBER=1 "
|
|
||||||
elif branch.startswith(("v1.", "v2.")):
|
|
||||||
build_vars += f"BUILD_TEST=0 PYTORCH_BUILD_VERSION={branch[1 : branch.find('-')]} PYTORCH_BUILD_NUMBER=1 "
|
|
||||||
|
|
||||||
if enable_mkldnn:
|
|
||||||
build_ArmComputeLibrary()
|
|
||||||
print("build pytorch with mkldnn+acl backend")
|
|
||||||
build_vars += (
|
|
||||||
"USE_MKLDNN=ON USE_MKLDNN_ACL=ON "
|
|
||||||
"ACL_ROOT_DIR=/acl "
|
|
||||||
"LD_LIBRARY_PATH=/pytorch/build/lib:/acl/build:$LD_LIBRARY_PATH "
|
|
||||||
"ACL_INCLUDE_DIR=/acl/build "
|
|
||||||
"ACL_LIBRARY=/acl/build "
|
|
||||||
)
|
|
||||||
if enable_cuda:
|
|
||||||
build_vars += "BLAS=NVPL "
|
|
||||||
else:
|
|
||||||
build_vars += "BLAS=OpenBLAS OpenBLAS_HOME=/OpenBLAS "
|
|
||||||
else:
|
|
||||||
print("build pytorch without mkldnn backend")
|
|
||||||
|
|
||||||
os.system(f"cd /pytorch; {build_vars} python3 -m build --wheel --no-isolation")
|
|
||||||
if enable_cuda:
|
|
||||||
print("Updating Cuda Dependency")
|
|
||||||
filename = os.listdir("/pytorch/dist/")
|
|
||||||
wheel_path = f"/pytorch/dist/{filename[0]}"
|
|
||||||
package_cuda_wheel(wheel_path, desired_cuda)
|
|
||||||
pytorch_wheel_name = complete_wheel("/pytorch/")
|
|
||||||
print(f"Build Complete. Created {pytorch_wheel_name}..")
|
|
File diff suppressed because it is too large
Load Diff
@ -1,87 +0,0 @@
|
|||||||
#!/usr/bin/env python3
|
|
||||||
|
|
||||||
import os
|
|
||||||
import shutil
|
|
||||||
import sys
|
|
||||||
from subprocess import check_call
|
|
||||||
from tempfile import TemporaryDirectory
|
|
||||||
|
|
||||||
from auditwheel.elfutils import elf_file_filter
|
|
||||||
from auditwheel.lddtree import lddtree
|
|
||||||
from auditwheel.patcher import Patchelf
|
|
||||||
from auditwheel.repair import copylib
|
|
||||||
from auditwheel.wheeltools import InWheelCtx
|
|
||||||
|
|
||||||
|
|
||||||
def replace_tag(filename):
|
|
||||||
with open(filename) as f:
|
|
||||||
lines = f.read().split("\\n")
|
|
||||||
for i, line in enumerate(lines):
|
|
||||||
if not line.startswith("Tag: "):
|
|
||||||
continue
|
|
||||||
lines[i] = line.replace("-linux_", "-manylinux2014_")
|
|
||||||
print(f"Updated tag from {line} to {lines[i]}")
|
|
||||||
|
|
||||||
with open(filename, "w") as f:
|
|
||||||
f.write("\\n".join(lines))
|
|
||||||
|
|
||||||
|
|
||||||
class AlignedPatchelf(Patchelf):
|
|
||||||
def set_soname(self, file_name: str, new_soname: str) -> None:
|
|
||||||
check_call(
|
|
||||||
["patchelf", "--page-size", "65536", "--set-soname", new_soname, file_name]
|
|
||||||
)
|
|
||||||
|
|
||||||
def replace_needed(self, file_name: str, soname: str, new_soname: str) -> None:
|
|
||||||
check_call(
|
|
||||||
[
|
|
||||||
"patchelf",
|
|
||||||
"--page-size",
|
|
||||||
"65536",
|
|
||||||
"--replace-needed",
|
|
||||||
soname,
|
|
||||||
new_soname,
|
|
||||||
file_name,
|
|
||||||
]
|
|
||||||
)
|
|
||||||
|
|
||||||
|
|
||||||
def embed_library(whl_path, lib_soname, update_tag=False):
|
|
||||||
patcher = AlignedPatchelf()
|
|
||||||
out_dir = TemporaryDirectory()
|
|
||||||
whl_name = os.path.basename(whl_path)
|
|
||||||
tmp_whl_name = os.path.join(out_dir.name, whl_name)
|
|
||||||
with InWheelCtx(whl_path) as ctx:
|
|
||||||
torchlib_path = os.path.join(ctx._tmpdir.name, "torch", "lib")
|
|
||||||
ctx.out_wheel = tmp_whl_name
|
|
||||||
new_lib_path, new_lib_soname = None, None
|
|
||||||
for filename, _ in elf_file_filter(ctx.iter_files()):
|
|
||||||
if not filename.startswith("torch/lib"):
|
|
||||||
continue
|
|
||||||
libtree = lddtree(filename)
|
|
||||||
if lib_soname not in libtree["needed"]:
|
|
||||||
continue
|
|
||||||
lib_path = libtree["libs"][lib_soname]["path"]
|
|
||||||
if lib_path is None:
|
|
||||||
print(f"Can't embed {lib_soname} as it could not be found")
|
|
||||||
break
|
|
||||||
if lib_path.startswith(torchlib_path):
|
|
||||||
continue
|
|
||||||
|
|
||||||
if new_lib_path is None:
|
|
||||||
new_lib_soname, new_lib_path = copylib(lib_path, torchlib_path, patcher)
|
|
||||||
patcher.replace_needed(filename, lib_soname, new_lib_soname)
|
|
||||||
print(f"Replacing {lib_soname} with {new_lib_soname} for {filename}")
|
|
||||||
if update_tag:
|
|
||||||
# Add manylinux2014 tag
|
|
||||||
for filename in ctx.iter_files():
|
|
||||||
if os.path.basename(filename) != "WHEEL":
|
|
||||||
continue
|
|
||||||
replace_tag(filename)
|
|
||||||
shutil.move(tmp_whl_name, whl_path)
|
|
||||||
|
|
||||||
|
|
||||||
if __name__ == "__main__":
|
|
||||||
embed_library(
|
|
||||||
sys.argv[1], "libgomp.so.1", len(sys.argv) > 2 and sys.argv[2] == "--update-tag"
|
|
||||||
)
|
|
@ -10,3 +10,5 @@ example: `py2-cuda9.0-cudnn7-ubuntu16.04`. The Docker images that are
|
|||||||
built on Jenkins and are used in triggered builds already have this
|
built on Jenkins and are used in triggered builds already have this
|
||||||
environment variable set in their manifest. Also see
|
environment variable set in their manifest. Also see
|
||||||
`./docker/jenkins/*/Dockerfile` and search for `BUILD_ENVIRONMENT`.
|
`./docker/jenkins/*/Dockerfile` and search for `BUILD_ENVIRONMENT`.
|
||||||
|
|
||||||
|
Our Jenkins installation is located at https://ci.pytorch.org/jenkins/.
|
||||||
|
@ -5,7 +5,7 @@ source "$(dirname "${BASH_SOURCE[0]}")/common.sh"
|
|||||||
|
|
||||||
if [[ ${BUILD_ENVIRONMENT} == *onnx* ]]; then
|
if [[ ${BUILD_ENVIRONMENT} == *onnx* ]]; then
|
||||||
pip install click mock tabulate networkx==2.0
|
pip install click mock tabulate networkx==2.0
|
||||||
pip -q install "file:///var/lib/jenkins/workspace/third_party/onnx#egg=onnx"
|
pip -q install --user "file:///var/lib/jenkins/workspace/third_party/onnx#egg=onnx"
|
||||||
fi
|
fi
|
||||||
|
|
||||||
# Skip tests in environments where they are not built/applicable
|
# Skip tests in environments where they are not built/applicable
|
||||||
@ -13,6 +13,10 @@ if [[ "${BUILD_ENVIRONMENT}" == *-android* ]]; then
|
|||||||
echo 'Skipping tests'
|
echo 'Skipping tests'
|
||||||
exit 0
|
exit 0
|
||||||
fi
|
fi
|
||||||
|
if [[ "${BUILD_ENVIRONMENT}" == *-rocm* ]]; then
|
||||||
|
# temporary to locate some kernel issues on the CI nodes
|
||||||
|
export HSAKMT_DEBUG_LEVEL=4
|
||||||
|
fi
|
||||||
# These additional packages are needed for circleci ROCm builds.
|
# These additional packages are needed for circleci ROCm builds.
|
||||||
if [[ $BUILD_ENVIRONMENT == *rocm* ]]; then
|
if [[ $BUILD_ENVIRONMENT == *rocm* ]]; then
|
||||||
# Need networkx 2.0 because bellmand_ford was moved in 2.1 . Scikit-image by
|
# Need networkx 2.0 because bellmand_ford was moved in 2.1 . Scikit-image by
|
||||||
@ -147,8 +151,8 @@ export DNNL_MAX_CPU_ISA=AVX2
|
|||||||
if [[ "${SHARD_NUMBER:-1}" == "1" ]]; then
|
if [[ "${SHARD_NUMBER:-1}" == "1" ]]; then
|
||||||
# TODO(sdym@meta.com) remove this when the linked issue resolved.
|
# TODO(sdym@meta.com) remove this when the linked issue resolved.
|
||||||
# py is temporary until https://github.com/Teemu/pytest-sugar/issues/241 is fixed
|
# py is temporary until https://github.com/Teemu/pytest-sugar/issues/241 is fixed
|
||||||
pip install py==1.11.0
|
pip install --user py==1.11.0
|
||||||
pip install pytest-sugar
|
pip install --user pytest-sugar
|
||||||
# NB: Warnings are disabled because they make it harder to see what
|
# NB: Warnings are disabled because they make it harder to see what
|
||||||
# the actual erroring test is
|
# the actual erroring test is
|
||||||
"$PYTHON" \
|
"$PYTHON" \
|
||||||
|
@ -34,106 +34,5 @@ See `build.sh` for valid build environments (it's the giant switch).
|
|||||||
./build.sh pytorch-linux-bionic-py3.8-gcc9 -t myimage:latest
|
./build.sh pytorch-linux-bionic-py3.8-gcc9 -t myimage:latest
|
||||||
|
|
||||||
# Set flags (see build.sh) and build image
|
# Set flags (see build.sh) and build image
|
||||||
sudo bash -c 'TRITON=1 ./build.sh pytorch-linux-bionic-py3.8-gcc9 -t myimage:latest
|
sudo bash -c 'PROTOBUF=1 ./build.sh pytorch-linux-bionic-py3.8-gcc9 -t myimage:latest
|
||||||
```
|
```
|
||||||
|
|
||||||
## [Guidance] Adding a New Base Docker Image
|
|
||||||
|
|
||||||
### Background
|
|
||||||
|
|
||||||
The base Docker images in directory `.ci/docker/` are built by the `docker-builds.yml` workflow. Those images are used throughout the PyTorch CI/CD pipeline. You should only create or modify a base Docker image if you need specific environment changes or dependencies before building PyTorch on CI.
|
|
||||||
|
|
||||||
1. **Automatic Rebuilding**:
|
|
||||||
- The Docker image building process is triggered automatically when changes are made to files in the `.ci/docker/*` directory
|
|
||||||
- This ensures all images stay up-to-date with the latest dependencies and configurations
|
|
||||||
|
|
||||||
2. **Image Reuse in PyTorch Build Workflows** (example: linux-build):
|
|
||||||
- The images generated by `docker-builds.yml` are reused in `_linux-build.yml` through the `calculate-docker-image` step
|
|
||||||
- The `_linux-build.yml` workflow:
|
|
||||||
- Pulls the Docker image determined by the `calculate-docker-image` step
|
|
||||||
- Runs a Docker container with that image
|
|
||||||
- Executes `.ci/pytorch/build.sh` inside the container to build PyTorch
|
|
||||||
|
|
||||||
3. **Usage in Test Workflows** (example: linux-test):
|
|
||||||
- The same Docker images are also used in `_linux-test.yml` for running tests
|
|
||||||
- The `_linux-test.yml` workflow follows a similar pattern:
|
|
||||||
- It uses the `calculate-docker-image` step to determine which Docker image to use
|
|
||||||
- It pulls the Docker image and runs a container with that image
|
|
||||||
- It installs the wheels from the artifacts generated by PyTorch build jobs
|
|
||||||
- It executes test scripts (like `.ci/pytorch/test.sh` or `.ci/pytorch/multigpu-test.sh`) inside the container
|
|
||||||
|
|
||||||
### Understanding File Purposes
|
|
||||||
|
|
||||||
#### `.ci/docker/build.sh` vs `.ci/pytorch/build.sh`
|
|
||||||
- **`.ci/docker/build.sh`**:
|
|
||||||
- Used for building base Docker images
|
|
||||||
- Executed by the `docker-builds.yml` workflow to pre-build Docker images for CI
|
|
||||||
- Contains configurations for different Docker build environments
|
|
||||||
|
|
||||||
- **`.ci/pytorch/build.sh`**:
|
|
||||||
- Used for building PyTorch inside a Docker container
|
|
||||||
- Called by workflows like `_linux-build.yml` after the Docker container is started
|
|
||||||
- Builds PyTorch wheels and other artifacts
|
|
||||||
|
|
||||||
#### `.ci/docker/ci_commit_pins/` vs `.github/ci_commit_pins`
|
|
||||||
- **`.ci/docker/ci_commit_pins/`**:
|
|
||||||
- Used for pinning dependency versions during base Docker image building
|
|
||||||
- Ensures consistent environments for building PyTorch
|
|
||||||
- Changes here trigger base Docker image rebuilds
|
|
||||||
|
|
||||||
- **`.github/ci_commit_pins`**:
|
|
||||||
- Used for pinning dependency versions during PyTorch building and tests
|
|
||||||
- Ensures consistent dependencies for PyTorch across different builds
|
|
||||||
- Used by build scripts running inside Docker containers
|
|
||||||
|
|
||||||
### Step-by-Step Guide for Adding a New Base Docker Image
|
|
||||||
|
|
||||||
#### 1. Add Pinned Commits (If Applicable)
|
|
||||||
|
|
||||||
We use pinned commits for build stability. The `nightly.yml` workflow checks and updates pinned commits for certain repository dependencies daily.
|
|
||||||
|
|
||||||
If your new Docker image needs a library installed from a specific pinned commit or built from source:
|
|
||||||
|
|
||||||
1. Add the repository you want to track in `nightly.yml` and `merge-rules.yml`
|
|
||||||
2. Add the initial pinned commit in `.ci/docker/ci_commit_pins/`. The text filename should match the one defined in step 1
|
|
||||||
|
|
||||||
#### 2. Configure the Base Docker Image
|
|
||||||
1. **Add new Base Docker image configuration** (if applicable):
|
|
||||||
|
|
||||||
Add the configuration in `.ci/docker/build.sh`. For example:
|
|
||||||
```bash
|
|
||||||
pytorch-linux-jammy-cuda12.8-cudnn9-py3.12-gcc11-new1)
|
|
||||||
CUDA_VERSION=12.8.1
|
|
||||||
ANACONDA_PYTHON_VERSION=3.12
|
|
||||||
GCC_VERSION=11
|
|
||||||
VISION=yes
|
|
||||||
KATEX=yes
|
|
||||||
UCX_COMMIT=${_UCX_COMMIT}
|
|
||||||
UCC_COMMIT=${_UCC_COMMIT}
|
|
||||||
TRITON=yes
|
|
||||||
NEW_ARG_1=yes
|
|
||||||
;;
|
|
||||||
```
|
|
||||||
|
|
||||||
2. **Add build arguments to Docker build command**:
|
|
||||||
|
|
||||||
If you're introducing a new argument to the Docker build, make sure to add it in the Docker build step in `.ci/docker/build.sh`:
|
|
||||||
```bash
|
|
||||||
docker build \
|
|
||||||
....
|
|
||||||
--build-arg "NEW_ARG_1=${NEW_ARG_1}"
|
|
||||||
```
|
|
||||||
|
|
||||||
3. **Update Dockerfile logic**:
|
|
||||||
|
|
||||||
Update the Dockerfile to use the new argument. For example, in `ubuntu/Dockerfile`:
|
|
||||||
```dockerfile
|
|
||||||
ARG NEW_ARG_1
|
|
||||||
# Set up environment for NEW_ARG_1
|
|
||||||
RUN if [ -n "${NEW_ARG_1}" ]; then bash ./do_something.sh; fi
|
|
||||||
```
|
|
||||||
|
|
||||||
4. **Add the Docker configuration** in `.github/workflows/docker-builds.yml`:
|
|
||||||
|
|
||||||
The `docker-builds.yml` workflow pre-builds the Docker images whenever changes occur in the `.ci/docker/` directory. This includes the
|
|
||||||
pinned commit updates.
|
|
||||||
|
@ -1,107 +0,0 @@
|
|||||||
ARG CUDA_VERSION=12.6
|
|
||||||
ARG BASE_TARGET=cuda${CUDA_VERSION}
|
|
||||||
ARG ROCM_IMAGE=rocm/dev-almalinux-8:6.3-complete
|
|
||||||
FROM amd64/almalinux:8.10-20250519 as base
|
|
||||||
|
|
||||||
ENV LC_ALL en_US.UTF-8
|
|
||||||
ENV LANG en_US.UTF-8
|
|
||||||
ENV LANGUAGE en_US.UTF-8
|
|
||||||
|
|
||||||
ARG DEVTOOLSET_VERSION=11
|
|
||||||
|
|
||||||
RUN yum -y update
|
|
||||||
RUN yum -y install epel-release
|
|
||||||
# install glibc-langpack-en make sure en_US.UTF-8 locale is available
|
|
||||||
RUN yum -y install glibc-langpack-en
|
|
||||||
RUN yum install -y sudo wget curl perl util-linux xz bzip2 git patch which perl zlib-devel openssl-devel yum-utils autoconf automake make gcc-toolset-${DEVTOOLSET_VERSION}-toolchain
|
|
||||||
# Just add everything as a safe.directory for git since these will be used in multiple places with git
|
|
||||||
RUN git config --global --add safe.directory '*'
|
|
||||||
ENV PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/bin:$PATH
|
|
||||||
|
|
||||||
# cmake-3.18.4 from pip
|
|
||||||
RUN yum install -y python3-pip && \
|
|
||||||
python3 -mpip install cmake==3.18.4 && \
|
|
||||||
ln -s /usr/local/bin/cmake /usr/bin/cmake3
|
|
||||||
RUN rm -rf /usr/local/cuda-*
|
|
||||||
|
|
||||||
FROM base as openssl
|
|
||||||
ADD ./common/install_openssl.sh install_openssl.sh
|
|
||||||
RUN bash ./install_openssl.sh && rm install_openssl.sh
|
|
||||||
|
|
||||||
FROM base as patchelf
|
|
||||||
# Install patchelf
|
|
||||||
ADD ./common/install_patchelf.sh install_patchelf.sh
|
|
||||||
RUN bash ./install_patchelf.sh && rm install_patchelf.sh && cp $(which patchelf) /patchelf
|
|
||||||
|
|
||||||
FROM base as conda
|
|
||||||
# Install Anaconda
|
|
||||||
ADD ./common/install_conda_docker.sh install_conda.sh
|
|
||||||
RUN bash ./install_conda.sh && rm install_conda.sh
|
|
||||||
|
|
||||||
# Install CUDA
|
|
||||||
FROM base as cuda
|
|
||||||
ARG CUDA_VERSION=12.6
|
|
||||||
RUN rm -rf /usr/local/cuda-*
|
|
||||||
ADD ./common/install_cuda.sh install_cuda.sh
|
|
||||||
COPY ./common/install_nccl.sh install_nccl.sh
|
|
||||||
COPY ./ci_commit_pins/nccl-cu* /ci_commit_pins/
|
|
||||||
COPY ./common/install_cusparselt.sh install_cusparselt.sh
|
|
||||||
ENV CUDA_HOME=/usr/local/cuda-${CUDA_VERSION}
|
|
||||||
# Preserve CUDA_VERSION for the builds
|
|
||||||
ENV CUDA_VERSION=${CUDA_VERSION}
|
|
||||||
# Make things in our path by default
|
|
||||||
ENV PATH=/usr/local/cuda-${CUDA_VERSION}/bin:$PATH
|
|
||||||
|
|
||||||
FROM cuda as cuda12.6
|
|
||||||
RUN bash ./install_cuda.sh 12.6
|
|
||||||
ENV DESIRED_CUDA=12.6
|
|
||||||
|
|
||||||
FROM cuda as cuda12.8
|
|
||||||
RUN bash ./install_cuda.sh 12.8
|
|
||||||
ENV DESIRED_CUDA=12.8
|
|
||||||
|
|
||||||
FROM cuda as cuda12.9
|
|
||||||
RUN bash ./install_cuda.sh 12.9
|
|
||||||
ENV DESIRED_CUDA=12.9
|
|
||||||
|
|
||||||
FROM cuda as cuda13.0
|
|
||||||
RUN bash ./install_cuda.sh 13.0
|
|
||||||
ENV DESIRED_CUDA=13.0
|
|
||||||
|
|
||||||
FROM ${ROCM_IMAGE} as rocm
|
|
||||||
ARG PYTORCH_ROCM_ARCH
|
|
||||||
ENV PYTORCH_ROCM_ARCH ${PYTORCH_ROCM_ARCH}
|
|
||||||
ADD ./common/install_mkl.sh install_mkl.sh
|
|
||||||
RUN bash ./install_mkl.sh && rm install_mkl.sh
|
|
||||||
ENV MKLROOT /opt/intel
|
|
||||||
|
|
||||||
# Install MNIST test data
|
|
||||||
FROM base as mnist
|
|
||||||
ADD ./common/install_mnist.sh install_mnist.sh
|
|
||||||
RUN bash ./install_mnist.sh
|
|
||||||
|
|
||||||
FROM base as all_cuda
|
|
||||||
COPY --from=cuda12.6 /usr/local/cuda-12.6 /usr/local/cuda-12.6
|
|
||||||
COPY --from=cuda12.8 /usr/local/cuda-12.8 /usr/local/cuda-12.8
|
|
||||||
COPY --from=cuda12.9 /usr/local/cuda-12.9 /usr/local/cuda-12.9
|
|
||||||
COPY --from=cuda13.0 /usr/local/cuda-13.0 /usr/local/cuda-13.0
|
|
||||||
|
|
||||||
# Final step
|
|
||||||
FROM ${BASE_TARGET} as final
|
|
||||||
COPY --from=openssl /opt/openssl /opt/openssl
|
|
||||||
COPY --from=patchelf /patchelf /usr/local/bin/patchelf
|
|
||||||
COPY --from=conda /opt/conda /opt/conda
|
|
||||||
|
|
||||||
# Add jni.h for java host build.
|
|
||||||
COPY ./common/install_jni.sh install_jni.sh
|
|
||||||
COPY ./java/jni.h jni.h
|
|
||||||
RUN bash ./install_jni.sh && rm install_jni.sh
|
|
||||||
|
|
||||||
ENV PATH /opt/conda/bin:$PATH
|
|
||||||
ENV LD_LIBRARY_PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib64:/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib:$LD_LIBRARY_PATH
|
|
||||||
COPY --from=mnist /usr/local/mnist /usr/local/mnist
|
|
||||||
RUN rm -rf /usr/local/cuda
|
|
||||||
RUN chmod o+rw /usr/local
|
|
||||||
RUN touch /.condarc && \
|
|
||||||
chmod o+rw /.condarc && \
|
|
||||||
chmod -R o+rw /opt/conda
|
|
@ -1,76 +0,0 @@
|
|||||||
#!/usr/bin/env bash
|
|
||||||
# Script used only in CD pipeline
|
|
||||||
|
|
||||||
set -exou pipefail
|
|
||||||
|
|
||||||
image="$1"
|
|
||||||
shift
|
|
||||||
|
|
||||||
if [ -z "${image}" ]; then
|
|
||||||
echo "Usage: $0 IMAGENAME:ARCHTAG"
|
|
||||||
exit 1
|
|
||||||
fi
|
|
||||||
|
|
||||||
# Go from imagename:tag to tag
|
|
||||||
DOCKER_TAG_PREFIX=$(echo "${image}" | awk -F':' '{print $2}')
|
|
||||||
|
|
||||||
CUDA_VERSION=""
|
|
||||||
ROCM_VERSION=""
|
|
||||||
EXTRA_BUILD_ARGS=""
|
|
||||||
if [[ "${DOCKER_TAG_PREFIX}" == cuda* ]]; then
|
|
||||||
# extract cuda version from image name and tag. e.g. manylinux2_28-builder:cuda12.8 returns 12.8
|
|
||||||
CUDA_VERSION=$(echo "${DOCKER_TAG_PREFIX}" | awk -F'cuda' '{print $2}')
|
|
||||||
EXTRA_BUILD_ARGS="--build-arg CUDA_VERSION=${CUDA_VERSION}"
|
|
||||||
elif [[ "${DOCKER_TAG_PREFIX}" == rocm* ]]; then
|
|
||||||
# extract rocm version from image name and tag. e.g. manylinux2_28-builder:rocm6.2.4 returns 6.2.4
|
|
||||||
ROCM_VERSION=$(echo "${DOCKER_TAG_PREFIX}" | awk -F'rocm' '{print $2}')
|
|
||||||
EXTRA_BUILD_ARGS="--build-arg ROCM_IMAGE=rocm/dev-almalinux-8:${ROCM_VERSION}-complete"
|
|
||||||
fi
|
|
||||||
|
|
||||||
case ${DOCKER_TAG_PREFIX} in
|
|
||||||
cpu)
|
|
||||||
BASE_TARGET=base
|
|
||||||
;;
|
|
||||||
cuda*)
|
|
||||||
BASE_TARGET=cuda${CUDA_VERSION}
|
|
||||||
;;
|
|
||||||
rocm*)
|
|
||||||
BASE_TARGET=rocm
|
|
||||||
PYTORCH_ROCM_ARCH="gfx900;gfx906;gfx908;gfx90a;gfx942;gfx1030;gfx1100;gfx1101;gfx1102;gfx1200;gfx1201"
|
|
||||||
# add gfx950 conditionally starting in ROCm 7.0
|
|
||||||
if [[ "$ROCM_VERSION" == *"7.0"* ]]; then
|
|
||||||
PYTORCH_ROCM_ARCH="${PYTORCH_ROCM_ARCH};gfx950"
|
|
||||||
fi
|
|
||||||
EXTRA_BUILD_ARGS="${EXTRA_BUILD_ARGS} --build-arg PYTORCH_ROCM_ARCH=${PYTORCH_ROCM_ARCH}"
|
|
||||||
;;
|
|
||||||
*)
|
|
||||||
echo "ERROR: Unknown docker tag ${DOCKER_TAG_PREFIX}"
|
|
||||||
exit 1
|
|
||||||
;;
|
|
||||||
esac
|
|
||||||
|
|
||||||
# TODO: Remove LimitNOFILE=1048576 patch once https://github.com/pytorch/test-infra/issues/5712
|
|
||||||
# is resolved. This patch is required in order to fix timing out of Docker build on Amazon Linux 2023.
|
|
||||||
sudo sed -i s/LimitNOFILE=infinity/LimitNOFILE=1048576/ /usr/lib/systemd/system/docker.service
|
|
||||||
sudo systemctl daemon-reload
|
|
||||||
sudo systemctl restart docker
|
|
||||||
|
|
||||||
export DOCKER_BUILDKIT=1
|
|
||||||
TOPDIR=$(git rev-parse --show-toplevel)
|
|
||||||
tmp_tag=$(basename "$(mktemp -u)" | tr '[:upper:]' '[:lower:]')
|
|
||||||
|
|
||||||
docker build \
|
|
||||||
--target final \
|
|
||||||
--progress plain \
|
|
||||||
--build-arg "BASE_TARGET=${BASE_TARGET}" \
|
|
||||||
--build-arg "DEVTOOLSET_VERSION=11" \
|
|
||||||
${EXTRA_BUILD_ARGS} \
|
|
||||||
-t ${tmp_tag} \
|
|
||||||
$@ \
|
|
||||||
-f "${TOPDIR}/.ci/docker/almalinux/Dockerfile" \
|
|
||||||
${TOPDIR}/.ci/docker/
|
|
||||||
|
|
||||||
if [ -n "${CUDA_VERSION}" ]; then
|
|
||||||
# Test that we're using the right CUDA compiler
|
|
||||||
docker run --rm "${tmp_tag}" nvcc --version | grep "cuda_${CUDA_VERSION}"
|
|
||||||
fi
|
|
5
.ci/docker/aotriton_version.txt
Normal file
5
.ci/docker/aotriton_version.txt
Normal file
@ -0,0 +1,5 @@
|
|||||||
|
0.7b
|
||||||
|
manylinux_2_17
|
||||||
|
rocm6.2
|
||||||
|
9be04068c3c0857a4cfd17d7e39e71d0423ebac2
|
||||||
|
3e9e1959d23b93d78a08fcc5f868125dc3854dece32fd9458be9ef4467982291
|
@ -1,8 +1,4 @@
|
|||||||
#!/bin/bash
|
#!/bin/bash
|
||||||
# The purpose of this script is to:
|
|
||||||
# 1. Extract the set of parameters to be used for a docker build based on the provided image name.
|
|
||||||
# 2. Run docker build with the parameters found in step 1.
|
|
||||||
# 3. Run the built image and print out the expected and actual versions of packages installed.
|
|
||||||
|
|
||||||
set -ex
|
set -ex
|
||||||
|
|
||||||
@ -50,23 +46,30 @@ if [[ "$image" == *xla* ]]; then
|
|||||||
exit 0
|
exit 0
|
||||||
fi
|
fi
|
||||||
|
|
||||||
if [[ "$image" == *-jammy* ]]; then
|
if [[ "$image" == *-focal* ]]; then
|
||||||
|
UBUNTU_VERSION=20.04
|
||||||
|
elif [[ "$image" == *-jammy* ]]; then
|
||||||
UBUNTU_VERSION=22.04
|
UBUNTU_VERSION=22.04
|
||||||
elif [[ "$image" == *-noble* ]]; then
|
|
||||||
UBUNTU_VERSION=24.04
|
|
||||||
elif [[ "$image" == *ubuntu* ]]; then
|
elif [[ "$image" == *ubuntu* ]]; then
|
||||||
extract_version_from_image_name ubuntu UBUNTU_VERSION
|
extract_version_from_image_name ubuntu UBUNTU_VERSION
|
||||||
|
elif [[ "$image" == *centos* ]]; then
|
||||||
|
extract_version_from_image_name centos CENTOS_VERSION
|
||||||
fi
|
fi
|
||||||
|
|
||||||
if [ -n "${UBUNTU_VERSION}" ]; then
|
if [ -n "${UBUNTU_VERSION}" ]; then
|
||||||
OS="ubuntu"
|
OS="ubuntu"
|
||||||
|
elif [ -n "${CENTOS_VERSION}" ]; then
|
||||||
|
OS="centos"
|
||||||
else
|
else
|
||||||
echo "Unable to derive operating system base..."
|
echo "Unable to derive operating system base..."
|
||||||
exit 1
|
exit 1
|
||||||
fi
|
fi
|
||||||
|
|
||||||
DOCKERFILE="${OS}/Dockerfile"
|
DOCKERFILE="${OS}/Dockerfile"
|
||||||
if [[ "$image" == *rocm* ]]; then
|
# When using ubuntu - 22.04, start from Ubuntu docker image, instead of nvidia/cuda docker image.
|
||||||
|
if [[ "$image" == *cuda* && "$UBUNTU_VERSION" != "22.04" ]]; then
|
||||||
|
DOCKERFILE="${OS}-cuda/Dockerfile"
|
||||||
|
elif [[ "$image" == *rocm* ]]; then
|
||||||
DOCKERFILE="${OS}-rocm/Dockerfile"
|
DOCKERFILE="${OS}-rocm/Dockerfile"
|
||||||
elif [[ "$image" == *xpu* ]]; then
|
elif [[ "$image" == *xpu* ]]; then
|
||||||
DOCKERFILE="${OS}-xpu/Dockerfile"
|
DOCKERFILE="${OS}-xpu/Dockerfile"
|
||||||
@ -76,158 +79,286 @@ elif [[ "$image" == *cuda*linter* ]]; then
|
|||||||
elif [[ "$image" == *linter* ]]; then
|
elif [[ "$image" == *linter* ]]; then
|
||||||
# Use a separate Dockerfile for linter to keep a small image size
|
# Use a separate Dockerfile for linter to keep a small image size
|
||||||
DOCKERFILE="linter/Dockerfile"
|
DOCKERFILE="linter/Dockerfile"
|
||||||
elif [[ "$image" == *riscv* ]]; then
|
|
||||||
# Use RISC-V specific Dockerfile
|
|
||||||
DOCKERFILE="ubuntu-cross-riscv/Dockerfile"
|
|
||||||
fi
|
fi
|
||||||
|
|
||||||
_UCX_COMMIT=7836b165abdbe468a2f607e7254011c07d788152
|
# CMake 3.18 is needed to support CUDA17 language variant
|
||||||
_UCC_COMMIT=430e241bf5d38cbc73fc7a6b89155397232e3f96
|
CMAKE_VERSION=3.18.5
|
||||||
if [[ "$image" == *rocm* ]]; then
|
|
||||||
_UCX_COMMIT=29831d319e6be55cb8c768ca61de335c934ca39e
|
|
||||||
_UCC_COMMIT=9f4b242cbbd8b1462cbc732eb29316cdfa124b77
|
|
||||||
fi
|
|
||||||
|
|
||||||
tag=$(echo $image | awk -F':' '{print $2}')
|
_UCX_COMMIT=7bb2722ff2187a0cad557ae4a6afa090569f83fb
|
||||||
|
_UCC_COMMIT=20eae37090a4ce1b32bcce6144ccad0b49943e0b
|
||||||
|
|
||||||
# It's annoying to rename jobs every time you want to rewrite a
|
# It's annoying to rename jobs every time you want to rewrite a
|
||||||
# configuration, so we hardcode everything here rather than do it
|
# configuration, so we hardcode everything here rather than do it
|
||||||
# from scratch
|
# from scratch
|
||||||
case "$tag" in
|
case "$image" in
|
||||||
pytorch-linux-jammy-cuda12.4-cudnn9-py3-gcc11)
|
pytorch-linux-focal-cuda12.4-cudnn9-py3-gcc9)
|
||||||
CUDA_VERSION=12.4
|
CUDA_VERSION=12.4.1
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
CUDNN_VERSION=9
|
||||||
GCC_VERSION=11
|
|
||||||
VISION=yes
|
|
||||||
KATEX=yes
|
|
||||||
UCX_COMMIT=${_UCX_COMMIT}
|
|
||||||
UCC_COMMIT=${_UCC_COMMIT}
|
|
||||||
TRITON=yes
|
|
||||||
;;
|
|
||||||
pytorch-linux-jammy-cuda12.8-cudnn9-py3-gcc11)
|
|
||||||
CUDA_VERSION=12.8.1
|
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
|
||||||
GCC_VERSION=11
|
|
||||||
VISION=yes
|
|
||||||
KATEX=yes
|
|
||||||
UCX_COMMIT=${_UCX_COMMIT}
|
|
||||||
UCC_COMMIT=${_UCC_COMMIT}
|
|
||||||
TRITON=yes
|
|
||||||
;;
|
|
||||||
pytorch-linux-jammy-cuda13.0-cudnn9-py3-gcc11)
|
|
||||||
CUDA_VERSION=13.0.0
|
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
|
||||||
GCC_VERSION=11
|
|
||||||
VISION=yes
|
|
||||||
KATEX=yes
|
|
||||||
UCX_COMMIT=${_UCX_COMMIT}
|
|
||||||
UCC_COMMIT=${_UCC_COMMIT}
|
|
||||||
TRITON=yes
|
|
||||||
;;
|
|
||||||
pytorch-linux-jammy-cuda12.8-cudnn9-py3-gcc9-inductor-benchmarks)
|
|
||||||
CUDA_VERSION=12.8.1
|
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
GCC_VERSION=9
|
GCC_VERSION=9
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
VISION=yes
|
VISION=yes
|
||||||
KATEX=yes
|
KATEX=yes
|
||||||
UCX_COMMIT=${_UCX_COMMIT}
|
UCX_COMMIT=${_UCX_COMMIT}
|
||||||
UCC_COMMIT=${_UCC_COMMIT}
|
UCC_COMMIT=${_UCC_COMMIT}
|
||||||
|
CONDA_CMAKE=yes
|
||||||
|
TRITON=yes
|
||||||
|
;;
|
||||||
|
pytorch-linux-focal-cuda12.1-cudnn9-py3-gcc9)
|
||||||
|
CUDA_VERSION=12.1.1
|
||||||
|
CUDNN_VERSION=9
|
||||||
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
|
GCC_VERSION=9
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
|
VISION=yes
|
||||||
|
KATEX=yes
|
||||||
|
UCX_COMMIT=${_UCX_COMMIT}
|
||||||
|
UCC_COMMIT=${_UCC_COMMIT}
|
||||||
|
CONDA_CMAKE=yes
|
||||||
|
TRITON=yes
|
||||||
|
;;
|
||||||
|
pytorch-linux-focal-cuda12.4-cudnn9-py3-gcc9-inductor-benchmarks)
|
||||||
|
CUDA_VERSION=12.4.1
|
||||||
|
CUDNN_VERSION=9
|
||||||
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
|
GCC_VERSION=9
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
|
VISION=yes
|
||||||
|
KATEX=yes
|
||||||
|
UCX_COMMIT=${_UCX_COMMIT}
|
||||||
|
UCC_COMMIT=${_UCC_COMMIT}
|
||||||
|
CONDA_CMAKE=yes
|
||||||
TRITON=yes
|
TRITON=yes
|
||||||
INDUCTOR_BENCHMARKS=yes
|
INDUCTOR_BENCHMARKS=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-cuda12.8-cudnn9-py3.12-gcc11-vllm)
|
pytorch-linux-focal-cuda12.1-cudnn9-py3-gcc9-inductor-benchmarks)
|
||||||
CUDA_VERSION=12.8.1
|
CUDA_VERSION=12.1.1
|
||||||
ANACONDA_PYTHON_VERSION=3.12
|
CUDNN_VERSION=9
|
||||||
GCC_VERSION=11
|
|
||||||
VISION=yes
|
|
||||||
KATEX=yes
|
|
||||||
UCX_COMMIT=${_UCX_COMMIT}
|
|
||||||
UCC_COMMIT=${_UCC_COMMIT}
|
|
||||||
TRITON=yes
|
|
||||||
;;
|
|
||||||
pytorch-linux-jammy-cuda12.8-cudnn9-py3-gcc9)
|
|
||||||
CUDA_VERSION=12.8.1
|
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
GCC_VERSION=9
|
GCC_VERSION=9
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
VISION=yes
|
VISION=yes
|
||||||
KATEX=yes
|
KATEX=yes
|
||||||
UCX_COMMIT=${_UCX_COMMIT}
|
UCX_COMMIT=${_UCX_COMMIT}
|
||||||
UCC_COMMIT=${_UCC_COMMIT}
|
UCC_COMMIT=${_UCC_COMMIT}
|
||||||
|
CONDA_CMAKE=yes
|
||||||
|
TRITON=yes
|
||||||
|
INDUCTOR_BENCHMARKS=yes
|
||||||
|
;;
|
||||||
|
pytorch-linux-focal-cuda12.1-cudnn9-py3.12-gcc9-inductor-benchmarks)
|
||||||
|
CUDA_VERSION=12.1.1
|
||||||
|
CUDNN_VERSION=9
|
||||||
|
ANACONDA_PYTHON_VERSION=3.12
|
||||||
|
GCC_VERSION=9
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
|
VISION=yes
|
||||||
|
KATEX=yes
|
||||||
|
UCX_COMMIT=${_UCX_COMMIT}
|
||||||
|
UCC_COMMIT=${_UCC_COMMIT}
|
||||||
|
CONDA_CMAKE=yes
|
||||||
|
TRITON=yes
|
||||||
|
INDUCTOR_BENCHMARKS=yes
|
||||||
|
;;
|
||||||
|
pytorch-linux-focal-cuda12.4-cudnn9-py3.12-gcc9-inductor-benchmarks)
|
||||||
|
CUDA_VERSION=12.4.1
|
||||||
|
CUDNN_VERSION=9
|
||||||
|
ANACONDA_PYTHON_VERSION=3.12
|
||||||
|
GCC_VERSION=9
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
|
VISION=yes
|
||||||
|
KATEX=yes
|
||||||
|
UCX_COMMIT=${_UCX_COMMIT}
|
||||||
|
UCC_COMMIT=${_UCC_COMMIT}
|
||||||
|
CONDA_CMAKE=yes
|
||||||
|
TRITON=yes
|
||||||
|
INDUCTOR_BENCHMARKS=yes
|
||||||
|
;;
|
||||||
|
pytorch-linux-focal-cuda11.8-cudnn9-py3-gcc9)
|
||||||
|
CUDA_VERSION=11.8.0
|
||||||
|
CUDNN_VERSION=9
|
||||||
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
|
GCC_VERSION=9
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
|
VISION=yes
|
||||||
|
KATEX=yes
|
||||||
|
UCX_COMMIT=${_UCX_COMMIT}
|
||||||
|
UCC_COMMIT=${_UCC_COMMIT}
|
||||||
|
CONDA_CMAKE=yes
|
||||||
TRITON=yes
|
TRITON=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-py3-clang12-onnx)
|
pytorch-linux-focal-cuda12.4-cudnn9-py3-gcc9)
|
||||||
|
CUDA_VERSION=12.4.1
|
||||||
|
CUDNN_VERSION=9
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
CLANG_VERSION=12
|
GCC_VERSION=9
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
VISION=yes
|
VISION=yes
|
||||||
|
KATEX=yes
|
||||||
|
UCX_COMMIT=${_UCX_COMMIT}
|
||||||
|
UCC_COMMIT=${_UCC_COMMIT}
|
||||||
|
CONDA_CMAKE=yes
|
||||||
|
TRITON=yes
|
||||||
|
;;
|
||||||
|
pytorch-linux-focal-cuda12.1-cudnn9-py3-gcc9)
|
||||||
|
CUDA_VERSION=12.1.1
|
||||||
|
CUDNN_VERSION=9
|
||||||
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
|
GCC_VERSION=9
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
|
VISION=yes
|
||||||
|
KATEX=yes
|
||||||
|
UCX_COMMIT=${_UCX_COMMIT}
|
||||||
|
UCC_COMMIT=${_UCC_COMMIT}
|
||||||
|
CONDA_CMAKE=yes
|
||||||
|
TRITON=yes
|
||||||
|
;;
|
||||||
|
pytorch-linux-focal-cuda12.4-cudnn9-py3-gcc9)
|
||||||
|
CUDA_VERSION=12.4.1
|
||||||
|
CUDNN_VERSION=9
|
||||||
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
|
GCC_VERSION=9
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
|
VISION=yes
|
||||||
|
KATEX=yes
|
||||||
|
UCX_COMMIT=${_UCX_COMMIT}
|
||||||
|
UCC_COMMIT=${_UCC_COMMIT}
|
||||||
|
CONDA_CMAKE=yes
|
||||||
|
TRITON=yes
|
||||||
|
;;
|
||||||
|
pytorch-linux-focal-py3-clang10-onnx)
|
||||||
|
ANACONDA_PYTHON_VERSION=3.9
|
||||||
|
CLANG_VERSION=10
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
|
VISION=yes
|
||||||
|
CONDA_CMAKE=yes
|
||||||
ONNX=yes
|
ONNX=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-py3.10-clang12)
|
pytorch-linux-focal-py3.9-clang10)
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.9
|
||||||
CLANG_VERSION=12
|
CLANG_VERSION=10
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
VISION=yes
|
VISION=yes
|
||||||
|
VULKAN_SDK_VERSION=1.2.162.1
|
||||||
|
SWIFTSHADER=yes
|
||||||
|
CONDA_CMAKE=yes
|
||||||
TRITON=yes
|
TRITON=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-rocm-n-py3 | pytorch-linux-jammy-rocm-n-py3-benchmarks | pytorch-linux-noble-rocm-n-py3)
|
pytorch-linux-focal-py3.11-clang10)
|
||||||
if [[ $tag =~ "jammy" ]]; then
|
ANACONDA_PYTHON_VERSION=3.11
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
CLANG_VERSION=10
|
||||||
else
|
PROTOBUF=yes
|
||||||
ANACONDA_PYTHON_VERSION=3.12
|
DB=yes
|
||||||
fi
|
|
||||||
GCC_VERSION=11
|
|
||||||
VISION=yes
|
VISION=yes
|
||||||
ROCM_VERSION=7.0
|
VULKAN_SDK_VERSION=1.2.162.1
|
||||||
|
SWIFTSHADER=yes
|
||||||
|
CONDA_CMAKE=yes
|
||||||
|
TRITON=yes
|
||||||
|
;;
|
||||||
|
pytorch-linux-focal-py3.9-gcc9)
|
||||||
|
ANACONDA_PYTHON_VERSION=3.9
|
||||||
|
GCC_VERSION=9
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
|
VISION=yes
|
||||||
|
CONDA_CMAKE=yes
|
||||||
|
TRITON=yes
|
||||||
|
;;
|
||||||
|
pytorch-linux-focal-rocm-n-1-py3)
|
||||||
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
|
GCC_VERSION=9
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
|
VISION=yes
|
||||||
|
ROCM_VERSION=6.1
|
||||||
NINJA_VERSION=1.9.0
|
NINJA_VERSION=1.9.0
|
||||||
|
CONDA_CMAKE=yes
|
||||||
TRITON=yes
|
TRITON=yes
|
||||||
KATEX=yes
|
|
||||||
UCX_COMMIT=${_UCX_COMMIT}
|
|
||||||
UCC_COMMIT=${_UCC_COMMIT}
|
|
||||||
PYTORCH_ROCM_ARCH="gfx90a;gfx942;gfx950"
|
|
||||||
if [[ $tag =~ "benchmarks" ]]; then
|
|
||||||
INDUCTOR_BENCHMARKS=yes
|
|
||||||
fi
|
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-xpu-n-1-py3)
|
pytorch-linux-focal-rocm-n-py3)
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
GCC_VERSION=11
|
GCC_VERSION=9
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
VISION=yes
|
VISION=yes
|
||||||
XPU_VERSION=2025.1
|
ROCM_VERSION=6.2
|
||||||
NINJA_VERSION=1.9.0
|
NINJA_VERSION=1.9.0
|
||||||
|
CONDA_CMAKE=yes
|
||||||
TRITON=yes
|
TRITON=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-xpu-n-py3)
|
pytorch-linux-jammy-xpu-2024.0-py3)
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.9
|
||||||
GCC_VERSION=11
|
GCC_VERSION=11
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
VISION=yes
|
VISION=yes
|
||||||
XPU_VERSION=2025.2
|
XPU_VERSION=0.5
|
||||||
NINJA_VERSION=1.9.0
|
NINJA_VERSION=1.9.0
|
||||||
|
CONDA_CMAKE=yes
|
||||||
TRITON=yes
|
TRITON=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-py3-gcc11-inductor-benchmarks)
|
pytorch-linux-jammy-py3.9-gcc11-inductor-benchmarks)
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.9
|
||||||
GCC_VERSION=11
|
GCC_VERSION=11
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
VISION=yes
|
VISION=yes
|
||||||
KATEX=yes
|
KATEX=yes
|
||||||
|
CONDA_CMAKE=yes
|
||||||
TRITON=yes
|
TRITON=yes
|
||||||
DOCS=yes
|
DOCS=yes
|
||||||
INDUCTOR_BENCHMARKS=yes
|
INDUCTOR_BENCHMARKS=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-cuda12.8-cudnn9-py3.10-clang12)
|
pytorch-linux-jammy-cuda11.8-cudnn9-py3.9-clang12)
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.9
|
||||||
CUDA_VERSION=12.8.1
|
CUDA_VERSION=11.8
|
||||||
|
CUDNN_VERSION=9
|
||||||
CLANG_VERSION=12
|
CLANG_VERSION=12
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
VISION=yes
|
VISION=yes
|
||||||
TRITON=yes
|
TRITON=yes
|
||||||
;;
|
;;
|
||||||
|
pytorch-linux-jammy-py3-clang12-asan)
|
||||||
|
ANACONDA_PYTHON_VERSION=3.9
|
||||||
|
CLANG_VERSION=12
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
|
VISION=yes
|
||||||
|
CONDA_CMAKE=yes
|
||||||
|
TRITON=yes
|
||||||
|
;;
|
||||||
|
pytorch-linux-jammy-py3-clang15-asan)
|
||||||
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
|
CLANG_VERSION=15
|
||||||
|
CONDA_CMAKE=yes
|
||||||
|
VISION=yes
|
||||||
|
;;
|
||||||
pytorch-linux-jammy-py3-clang18-asan)
|
pytorch-linux-jammy-py3-clang18-asan)
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
CLANG_VERSION=18
|
CLANG_VERSION=18
|
||||||
|
CONDA_CMAKE=yes
|
||||||
VISION=yes
|
VISION=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-py3.10-gcc11)
|
pytorch-linux-jammy-py3.9-gcc11)
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.9
|
||||||
GCC_VERSION=11
|
GCC_VERSION=11
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
VISION=yes
|
VISION=yes
|
||||||
KATEX=yes
|
KATEX=yes
|
||||||
|
CONDA_CMAKE=yes
|
||||||
TRITON=yes
|
TRITON=yes
|
||||||
DOCS=yes
|
DOCS=yes
|
||||||
UNINSTALL_DILL=yes
|
UNINSTALL_DILL=yes
|
||||||
@ -235,34 +366,44 @@ case "$tag" in
|
|||||||
pytorch-linux-jammy-py3-clang12-executorch)
|
pytorch-linux-jammy-py3-clang12-executorch)
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
CLANG_VERSION=12
|
CLANG_VERSION=12
|
||||||
|
CONDA_CMAKE=yes
|
||||||
EXECUTORCH=yes
|
EXECUTORCH=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-py3.12-halide)
|
pytorch-linux-jammy-py3.12-halide)
|
||||||
CUDA_VERSION=12.6
|
CUDA_VERSION=12.4
|
||||||
ANACONDA_PYTHON_VERSION=3.12
|
ANACONDA_PYTHON_VERSION=3.12
|
||||||
GCC_VERSION=11
|
GCC_VERSION=11
|
||||||
|
CONDA_CMAKE=yes
|
||||||
HALIDE=yes
|
HALIDE=yes
|
||||||
TRITON=yes
|
TRITON=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-py3.12-triton-cpu)
|
pytorch-linux-jammy-py3.12-triton-cpu)
|
||||||
CUDA_VERSION=12.6
|
CUDA_VERSION=12.4
|
||||||
ANACONDA_PYTHON_VERSION=3.12
|
ANACONDA_PYTHON_VERSION=3.12
|
||||||
GCC_VERSION=11
|
GCC_VERSION=11
|
||||||
|
CONDA_CMAKE=yes
|
||||||
TRITON_CPU=yes
|
TRITON_CPU=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-linter)
|
pytorch-linux-focal-linter)
|
||||||
PYTHON_VERSION=3.10
|
# TODO: Use 3.9 here because of this issue https://github.com/python/mypy/issues/13627.
|
||||||
|
# We will need to update mypy version eventually, but that's for another day. The task
|
||||||
|
# would be to upgrade mypy to 1.0.0 with Python 3.11
|
||||||
|
ANACONDA_PYTHON_VERSION=3.9
|
||||||
|
CONDA_CMAKE=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-cuda12.8-cudnn9-py3.10-linter)
|
pytorch-linux-jammy-cuda11.8-cudnn9-py3.9-linter)
|
||||||
PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.9
|
||||||
CUDA_VERSION=12.8.1
|
CUDA_VERSION=11.8
|
||||||
|
CONDA_CMAKE=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-jammy-aarch64-py3.10-gcc11)
|
pytorch-linux-jammy-aarch64-py3.10-gcc11)
|
||||||
ANACONDA_PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
GCC_VERSION=11
|
GCC_VERSION=11
|
||||||
ACL=yes
|
ACL=yes
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
VISION=yes
|
VISION=yes
|
||||||
OPENBLAS=yes
|
CONDA_CMAKE=yes
|
||||||
# snadampal: skipping llvm src build install because the current version
|
# snadampal: skipping llvm src build install because the current version
|
||||||
# from pytorch/llvm:9.0.1 is x86 specific
|
# from pytorch/llvm:9.0.1 is x86 specific
|
||||||
SKIP_LLVM_SRC_BUILD_INSTALL=yes
|
SKIP_LLVM_SRC_BUILD_INSTALL=yes
|
||||||
@ -271,18 +412,19 @@ case "$tag" in
|
|||||||
ANACONDA_PYTHON_VERSION=3.10
|
ANACONDA_PYTHON_VERSION=3.10
|
||||||
GCC_VERSION=11
|
GCC_VERSION=11
|
||||||
ACL=yes
|
ACL=yes
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
VISION=yes
|
VISION=yes
|
||||||
OPENBLAS=yes
|
CONDA_CMAKE=yes
|
||||||
# snadampal: skipping llvm src build install because the current version
|
# snadampal: skipping llvm src build install because the current version
|
||||||
# from pytorch/llvm:9.0.1 is x86 specific
|
# from pytorch/llvm:9.0.1 is x86 specific
|
||||||
SKIP_LLVM_SRC_BUILD_INSTALL=yes
|
SKIP_LLVM_SRC_BUILD_INSTALL=yes
|
||||||
INDUCTOR_BENCHMARKS=yes
|
INDUCTOR_BENCHMARKS=yes
|
||||||
;;
|
;;
|
||||||
pytorch-linux-noble-riscv64-py3.12-gcc14)
|
|
||||||
GCC_VERSION=14
|
|
||||||
;;
|
|
||||||
*)
|
*)
|
||||||
# Catch-all for builds that are not hardcoded.
|
# Catch-all for builds that are not hardcoded.
|
||||||
|
PROTOBUF=yes
|
||||||
|
DB=yes
|
||||||
VISION=yes
|
VISION=yes
|
||||||
echo "image '$image' did not match an existing build configuration"
|
echo "image '$image' did not match an existing build configuration"
|
||||||
if [[ "$image" == *py* ]]; then
|
if [[ "$image" == *py* ]]; then
|
||||||
@ -290,6 +432,7 @@ case "$tag" in
|
|||||||
fi
|
fi
|
||||||
if [[ "$image" == *cuda* ]]; then
|
if [[ "$image" == *cuda* ]]; then
|
||||||
extract_version_from_image_name cuda CUDA_VERSION
|
extract_version_from_image_name cuda CUDA_VERSION
|
||||||
|
extract_version_from_image_name cudnn CUDNN_VERSION
|
||||||
fi
|
fi
|
||||||
if [[ "$image" == *rocm* ]]; then
|
if [[ "$image" == *rocm* ]]; then
|
||||||
extract_version_from_image_name rocm ROCM_VERSION
|
extract_version_from_image_name rocm ROCM_VERSION
|
||||||
@ -297,7 +440,8 @@ case "$tag" in
|
|||||||
TRITON=yes
|
TRITON=yes
|
||||||
# To ensure that any ROCm config will build using conda cmake
|
# To ensure that any ROCm config will build using conda cmake
|
||||||
# and thus have LAPACK/MKL enabled
|
# and thus have LAPACK/MKL enabled
|
||||||
fi
|
CONDA_CMAKE=yes
|
||||||
|
fi
|
||||||
if [[ "$image" == *centos7* ]]; then
|
if [[ "$image" == *centos7* ]]; then
|
||||||
NINJA_VERSION=1.10.2
|
NINJA_VERSION=1.10.2
|
||||||
fi
|
fi
|
||||||
@ -313,41 +457,53 @@ case "$tag" in
|
|||||||
if [[ "$image" == *glibc* ]]; then
|
if [[ "$image" == *glibc* ]]; then
|
||||||
extract_version_from_image_name glibc GLIBC_VERSION
|
extract_version_from_image_name glibc GLIBC_VERSION
|
||||||
fi
|
fi
|
||||||
|
if [[ "$image" == *cmake* ]]; then
|
||||||
|
extract_version_from_image_name cmake CMAKE_VERSION
|
||||||
|
fi
|
||||||
;;
|
;;
|
||||||
esac
|
esac
|
||||||
|
|
||||||
tmp_tag=$(basename "$(mktemp -u)" | tr '[:upper:]' '[:lower:]')
|
tmp_tag=$(basename "$(mktemp -u)" | tr '[:upper:]' '[:lower:]')
|
||||||
|
|
||||||
no_cache_flag=""
|
#when using cudnn version 8 install it separately from cuda
|
||||||
progress_flag=""
|
if [[ "$image" == *cuda* && ${OS} == "ubuntu" ]]; then
|
||||||
# Do not use cache and progress=plain when in CI
|
IMAGE_NAME="nvidia/cuda:${CUDA_VERSION}-cudnn${CUDNN_VERSION}-devel-ubuntu${UBUNTU_VERSION}"
|
||||||
if [[ -n "${CI:-}" ]]; then
|
if [[ ${CUDNN_VERSION} == 9 ]]; then
|
||||||
no_cache_flag="--no-cache"
|
IMAGE_NAME="nvidia/cuda:${CUDA_VERSION}-devel-ubuntu${UBUNTU_VERSION}"
|
||||||
progress_flag="--progress=plain"
|
fi
|
||||||
fi
|
fi
|
||||||
|
|
||||||
# Build image
|
# Build image
|
||||||
docker build \
|
docker build \
|
||||||
${no_cache_flag} \
|
--no-cache \
|
||||||
${progress_flag} \
|
--progress=plain \
|
||||||
--build-arg "BUILD_ENVIRONMENT=${image}" \
|
--build-arg "BUILD_ENVIRONMENT=${image}" \
|
||||||
|
--build-arg "PROTOBUF=${PROTOBUF:-}" \
|
||||||
--build-arg "LLVMDEV=${LLVMDEV:-}" \
|
--build-arg "LLVMDEV=${LLVMDEV:-}" \
|
||||||
|
--build-arg "DB=${DB:-}" \
|
||||||
--build-arg "VISION=${VISION:-}" \
|
--build-arg "VISION=${VISION:-}" \
|
||||||
--build-arg "UBUNTU_VERSION=${UBUNTU_VERSION}" \
|
--build-arg "UBUNTU_VERSION=${UBUNTU_VERSION}" \
|
||||||
|
--build-arg "CENTOS_VERSION=${CENTOS_VERSION}" \
|
||||||
--build-arg "DEVTOOLSET_VERSION=${DEVTOOLSET_VERSION}" \
|
--build-arg "DEVTOOLSET_VERSION=${DEVTOOLSET_VERSION}" \
|
||||||
--build-arg "GLIBC_VERSION=${GLIBC_VERSION}" \
|
--build-arg "GLIBC_VERSION=${GLIBC_VERSION}" \
|
||||||
--build-arg "CLANG_VERSION=${CLANG_VERSION}" \
|
--build-arg "CLANG_VERSION=${CLANG_VERSION}" \
|
||||||
--build-arg "ANACONDA_PYTHON_VERSION=${ANACONDA_PYTHON_VERSION}" \
|
--build-arg "ANACONDA_PYTHON_VERSION=${ANACONDA_PYTHON_VERSION}" \
|
||||||
--build-arg "PYTHON_VERSION=${PYTHON_VERSION}" \
|
|
||||||
--build-arg "GCC_VERSION=${GCC_VERSION}" \
|
--build-arg "GCC_VERSION=${GCC_VERSION}" \
|
||||||
--build-arg "CUDA_VERSION=${CUDA_VERSION}" \
|
--build-arg "CUDA_VERSION=${CUDA_VERSION}" \
|
||||||
|
--build-arg "CUDNN_VERSION=${CUDNN_VERSION}" \
|
||||||
|
--build-arg "TENSORRT_VERSION=${TENSORRT_VERSION}" \
|
||||||
|
--build-arg "GRADLE_VERSION=${GRADLE_VERSION}" \
|
||||||
|
--build-arg "VULKAN_SDK_VERSION=${VULKAN_SDK_VERSION}" \
|
||||||
|
--build-arg "SWIFTSHADER=${SWIFTSHADER}" \
|
||||||
|
--build-arg "CMAKE_VERSION=${CMAKE_VERSION:-}" \
|
||||||
--build-arg "NINJA_VERSION=${NINJA_VERSION:-}" \
|
--build-arg "NINJA_VERSION=${NINJA_VERSION:-}" \
|
||||||
--build-arg "KATEX=${KATEX:-}" \
|
--build-arg "KATEX=${KATEX:-}" \
|
||||||
--build-arg "ROCM_VERSION=${ROCM_VERSION:-}" \
|
--build-arg "ROCM_VERSION=${ROCM_VERSION:-}" \
|
||||||
--build-arg "PYTORCH_ROCM_ARCH=${PYTORCH_ROCM_ARCH:-gfx90a;gfx942}" \
|
--build-arg "PYTORCH_ROCM_ARCH=${PYTORCH_ROCM_ARCH:-gfx906;gfx90a}" \
|
||||||
--build-arg "IMAGE_NAME=${IMAGE_NAME}" \
|
--build-arg "IMAGE_NAME=${IMAGE_NAME}" \
|
||||||
--build-arg "UCX_COMMIT=${UCX_COMMIT}" \
|
--build-arg "UCX_COMMIT=${UCX_COMMIT}" \
|
||||||
--build-arg "UCC_COMMIT=${UCC_COMMIT}" \
|
--build-arg "UCC_COMMIT=${UCC_COMMIT}" \
|
||||||
|
--build-arg "CONDA_CMAKE=${CONDA_CMAKE}" \
|
||||||
--build-arg "TRITON=${TRITON}" \
|
--build-arg "TRITON=${TRITON}" \
|
||||||
--build-arg "TRITON_CPU=${TRITON_CPU}" \
|
--build-arg "TRITON_CPU=${TRITON_CPU}" \
|
||||||
--build-arg "ONNX=${ONNX}" \
|
--build-arg "ONNX=${ONNX}" \
|
||||||
@ -356,9 +512,7 @@ docker build \
|
|||||||
--build-arg "EXECUTORCH=${EXECUTORCH}" \
|
--build-arg "EXECUTORCH=${EXECUTORCH}" \
|
||||||
--build-arg "HALIDE=${HALIDE}" \
|
--build-arg "HALIDE=${HALIDE}" \
|
||||||
--build-arg "XPU_VERSION=${XPU_VERSION}" \
|
--build-arg "XPU_VERSION=${XPU_VERSION}" \
|
||||||
--build-arg "UNINSTALL_DILL=${UNINSTALL_DILL}" \
|
|
||||||
--build-arg "ACL=${ACL:-}" \
|
--build-arg "ACL=${ACL:-}" \
|
||||||
--build-arg "OPENBLAS=${OPENBLAS:-}" \
|
|
||||||
--build-arg "SKIP_SCCACHE_INSTALL=${SKIP_SCCACHE_INSTALL:-}" \
|
--build-arg "SKIP_SCCACHE_INSTALL=${SKIP_SCCACHE_INSTALL:-}" \
|
||||||
--build-arg "SKIP_LLVM_SRC_BUILD_INSTALL=${SKIP_LLVM_SRC_BUILD_INSTALL:-}" \
|
--build-arg "SKIP_LLVM_SRC_BUILD_INSTALL=${SKIP_LLVM_SRC_BUILD_INSTALL:-}" \
|
||||||
-f $(dirname ${DOCKERFILE})/Dockerfile \
|
-f $(dirname ${DOCKERFILE})/Dockerfile \
|
||||||
@ -375,7 +529,7 @@ docker build \
|
|||||||
UBUNTU_VERSION=$(echo ${UBUNTU_VERSION} | sed 's/-rc$//')
|
UBUNTU_VERSION=$(echo ${UBUNTU_VERSION} | sed 's/-rc$//')
|
||||||
|
|
||||||
function drun() {
|
function drun() {
|
||||||
docker run --rm "$tmp_tag" "$@"
|
docker run --rm "$tmp_tag" $*
|
||||||
}
|
}
|
||||||
|
|
||||||
if [[ "$OS" == "ubuntu" ]]; then
|
if [[ "$OS" == "ubuntu" ]]; then
|
||||||
@ -401,14 +555,7 @@ if [ -n "$ANACONDA_PYTHON_VERSION" ]; then
|
|||||||
fi
|
fi
|
||||||
|
|
||||||
if [ -n "$GCC_VERSION" ]; then
|
if [ -n "$GCC_VERSION" ]; then
|
||||||
if [[ "$image" == *riscv* ]]; then
|
if !(drun gcc --version 2>&1 | grep -q " $GCC_VERSION\\W"); then
|
||||||
# Check RISC-V cross-compilation toolchain version
|
|
||||||
if !(drun riscv64-linux-gnu-gcc-${GCC_VERSION} --version 2>&1 | grep -q " $GCC_VERSION\\W"); then
|
|
||||||
echo "RISC-V GCC_VERSION=$GCC_VERSION, but:"
|
|
||||||
drun riscv64-linux-gnu-gcc-${GCC_VERSION} --version
|
|
||||||
exit 1
|
|
||||||
fi
|
|
||||||
elif !(drun gcc --version 2>&1 | grep -q " $GCC_VERSION\\W"); then
|
|
||||||
echo "GCC_VERSION=$GCC_VERSION, but:"
|
echo "GCC_VERSION=$GCC_VERSION, but:"
|
||||||
drun gcc --version
|
drun gcc --version
|
||||||
exit 1
|
exit 1
|
||||||
@ -430,14 +577,3 @@ if [ -n "$KATEX" ]; then
|
|||||||
exit 1
|
exit 1
|
||||||
fi
|
fi
|
||||||
fi
|
fi
|
||||||
|
|
||||||
HAS_TRITON=$(drun python -c "import triton" > /dev/null 2>&1 && echo "yes" || echo "no")
|
|
||||||
if [[ -n "$TRITON" || -n "$TRITON_CPU" ]]; then
|
|
||||||
if [ "$HAS_TRITON" = "no" ]; then
|
|
||||||
echo "expecting triton to be installed, but it is not"
|
|
||||||
exit 1
|
|
||||||
fi
|
|
||||||
elif [ "$HAS_TRITON" = "yes" ]; then
|
|
||||||
echo "expecting triton to not be installed, but it is"
|
|
||||||
exit 1
|
|
||||||
fi
|
|
||||||
|
@ -17,8 +17,9 @@ RUN bash ./install_base.sh && rm install_base.sh
|
|||||||
# Update CentOS git version
|
# Update CentOS git version
|
||||||
RUN yum -y remove git
|
RUN yum -y remove git
|
||||||
RUN yum -y remove git-*
|
RUN yum -y remove git-*
|
||||||
RUN yum -y install https://packages.endpointdev.com/rhel/7/os/x86_64/endpoint-repo-1.9-1.x86_64.rpm && \
|
RUN yum -y install https://packages.endpoint.com/rhel/7/os/x86_64/endpoint-repo-1.9-1.x86_64.rpm || \
|
||||||
sed -i 's/packages.endpoint/packages.endpointdev/' /etc/yum.repos.d/endpoint.repo
|
(yum -y install https://packages.endpointdev.com/rhel/7/os/x86_64/endpoint-repo-1.9-1.x86_64.rpm && \
|
||||||
|
sed -i "s/packages.endpoint/packages.endpointdev/" /etc/yum.repos.d/endpoint.repo)
|
||||||
RUN yum install -y git
|
RUN yum install -y git
|
||||||
|
|
||||||
# Install devtoolset
|
# Install devtoolset
|
||||||
@ -39,7 +40,7 @@ RUN bash ./install_user.sh && rm install_user.sh
|
|||||||
|
|
||||||
# Install conda and other packages (e.g., numpy, pytest)
|
# Install conda and other packages (e.g., numpy, pytest)
|
||||||
ARG ANACONDA_PYTHON_VERSION
|
ARG ANACONDA_PYTHON_VERSION
|
||||||
ARG BUILD_ENVIRONMENT
|
ARG CONDA_CMAKE
|
||||||
ENV ANACONDA_PYTHON_VERSION=$ANACONDA_PYTHON_VERSION
|
ENV ANACONDA_PYTHON_VERSION=$ANACONDA_PYTHON_VERSION
|
||||||
ENV PATH /opt/conda/envs/py_$ANACONDA_PYTHON_VERSION/bin:/opt/conda/bin:$PATH
|
ENV PATH /opt/conda/envs/py_$ANACONDA_PYTHON_VERSION/bin:/opt/conda/bin:$PATH
|
||||||
COPY requirements-ci.txt /opt/conda/requirements-ci.txt
|
COPY requirements-ci.txt /opt/conda/requirements-ci.txt
|
||||||
@ -47,6 +48,20 @@ COPY ./common/install_conda.sh install_conda.sh
|
|||||||
COPY ./common/common_utils.sh common_utils.sh
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
RUN bash ./install_conda.sh && rm install_conda.sh common_utils.sh /opt/conda/requirements-ci.txt
|
RUN bash ./install_conda.sh && rm install_conda.sh common_utils.sh /opt/conda/requirements-ci.txt
|
||||||
|
|
||||||
|
# (optional) Install protobuf for ONNX
|
||||||
|
ARG PROTOBUF
|
||||||
|
COPY ./common/install_protobuf.sh install_protobuf.sh
|
||||||
|
RUN if [ -n "${PROTOBUF}" ]; then bash ./install_protobuf.sh; fi
|
||||||
|
RUN rm install_protobuf.sh
|
||||||
|
ENV INSTALLED_PROTOBUF ${PROTOBUF}
|
||||||
|
|
||||||
|
# (optional) Install database packages like LMDB and LevelDB
|
||||||
|
ARG DB
|
||||||
|
COPY ./common/install_db.sh install_db.sh
|
||||||
|
RUN if [ -n "${DB}" ]; then bash ./install_db.sh; fi
|
||||||
|
RUN rm install_db.sh
|
||||||
|
ENV INSTALLED_DB ${DB}
|
||||||
|
|
||||||
# (optional) Install vision packages like OpenCV
|
# (optional) Install vision packages like OpenCV
|
||||||
ARG VISION
|
ARG VISION
|
||||||
COPY ./common/install_vision.sh ./common/cache_vision_models.sh ./common/common_utils.sh ./
|
COPY ./common/install_vision.sh ./common/cache_vision_models.sh ./common/common_utils.sh ./
|
||||||
@ -56,15 +71,11 @@ ENV INSTALLED_VISION ${VISION}
|
|||||||
|
|
||||||
# Install rocm
|
# Install rocm
|
||||||
ARG ROCM_VERSION
|
ARG ROCM_VERSION
|
||||||
RUN mkdir ci_commit_pins
|
|
||||||
COPY ./common/common_utils.sh common_utils.sh
|
|
||||||
COPY ./ci_commit_pins/rocm-composable-kernel.txt ci_commit_pins/rocm-composable-kernel.txt
|
|
||||||
COPY ./common/install_rocm.sh install_rocm.sh
|
COPY ./common/install_rocm.sh install_rocm.sh
|
||||||
RUN bash ./install_rocm.sh
|
RUN bash ./install_rocm.sh
|
||||||
RUN rm install_rocm.sh common_utils.sh
|
RUN rm install_rocm.sh
|
||||||
RUN rm -r ci_commit_pins
|
|
||||||
COPY ./common/install_rocm_magma.sh install_rocm_magma.sh
|
COPY ./common/install_rocm_magma.sh install_rocm_magma.sh
|
||||||
RUN bash ./install_rocm_magma.sh ${ROCM_VERSION}
|
RUN bash ./install_rocm_magma.sh
|
||||||
RUN rm install_rocm_magma.sh
|
RUN rm install_rocm_magma.sh
|
||||||
COPY ./common/install_amdsmi.sh install_amdsmi.sh
|
COPY ./common/install_amdsmi.sh install_amdsmi.sh
|
||||||
RUN bash ./install_amdsmi.sh
|
RUN bash ./install_amdsmi.sh
|
||||||
@ -78,6 +89,12 @@ ENV MAGMA_HOME /opt/rocm/magma
|
|||||||
ENV LANG en_US.utf8
|
ENV LANG en_US.utf8
|
||||||
ENV LC_ALL en_US.utf8
|
ENV LC_ALL en_US.utf8
|
||||||
|
|
||||||
|
# (optional) Install non-default CMake version
|
||||||
|
ARG CMAKE_VERSION
|
||||||
|
COPY ./common/install_cmake.sh install_cmake.sh
|
||||||
|
RUN if [ -n "${CMAKE_VERSION}" ]; then bash ./install_cmake.sh; fi
|
||||||
|
RUN rm install_cmake.sh
|
||||||
|
|
||||||
# (optional) Install non-default Ninja version
|
# (optional) Install non-default Ninja version
|
||||||
ARG NINJA_VERSION
|
ARG NINJA_VERSION
|
||||||
COPY ./common/install_ninja.sh install_ninja.sh
|
COPY ./common/install_ninja.sh install_ninja.sh
|
||||||
@ -96,6 +113,13 @@ COPY triton_version.txt triton_version.txt
|
|||||||
RUN if [ -n "${TRITON}" ]; then bash ./install_triton.sh; fi
|
RUN if [ -n "${TRITON}" ]; then bash ./install_triton.sh; fi
|
||||||
RUN rm install_triton.sh common_utils.sh triton.txt triton_version.txt
|
RUN rm install_triton.sh common_utils.sh triton.txt triton_version.txt
|
||||||
|
|
||||||
|
# Install AOTriton (Early fail)
|
||||||
|
COPY ./aotriton_version.txt aotriton_version.txt
|
||||||
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
|
COPY ./common/install_aotriton.sh install_aotriton.sh
|
||||||
|
RUN ["/bin/bash", "-c", "./install_aotriton.sh /opt/rocm && rm -rf install_aotriton.sh aotriton_version.txt common_utils.sh"]
|
||||||
|
ENV AOTRITON_INSTALLED_PREFIX /opt/rocm/aotriton
|
||||||
|
|
||||||
# Install ccache/sccache (do this last, so we get priority in PATH)
|
# Install ccache/sccache (do this last, so we get priority in PATH)
|
||||||
COPY ./common/install_cache.sh install_cache.sh
|
COPY ./common/install_cache.sh install_cache.sh
|
||||||
ENV PATH /opt/cache/bin:$PATH
|
ENV PATH /opt/cache/bin:$PATH
|
||||||
|
@ -1 +1 @@
|
|||||||
e0dda9059d082537cee36be6c5e4fe3b18c880c0
|
91c382df0d2b2ef383d57998a61187cfefcb26e3
|
||||||
|
@ -1,2 +0,0 @@
|
|||||||
transformers==4.56.0
|
|
||||||
soxr==0.5.0
|
|
1
.ci/docker/ci_commit_pins/huggingface.txt
Normal file
1
.ci/docker/ci_commit_pins/huggingface.txt
Normal file
@ -0,0 +1 @@
|
|||||||
|
243e186efbf7fb93328dd6b34927a4e8c8f24395
|
@ -1 +0,0 @@
|
|||||||
v2.21.5-1
|
|
@ -1 +0,0 @@
|
|||||||
v2.28.3-1
|
|
@ -1 +0,0 @@
|
|||||||
v2.28.3-1
|
|
@ -1 +0,0 @@
|
|||||||
7fe50dc3da2069d6645d9deb8c017a876472a977
|
|
@ -1 +1 @@
|
|||||||
5d535d7a2d4b435b1b5c1177fd8f04a12b942b9a
|
ac3470188b914c5d7a5058a7e28b9eb685a62427
|
||||||
|
@ -1 +0,0 @@
|
|||||||
74a23feff57432129df84d8099e622773cf77925
|
|
@ -1 +1 @@
|
|||||||
1b0418a9a454b2b93ab8d71f40e59d2297157fae
|
91b14bf5593cf58a8541f3e6b9125600a867d4ef
|
||||||
|
@ -1 +1 @@
|
|||||||
bbb06c0334a6772b92d24bde54956e675c8c6604
|
cf34004b8a67d290a962da166f5aa2fc66751326
|
||||||
|
@ -23,10 +23,6 @@ conda_install() {
|
|||||||
as_jenkins conda install -q -n py_$ANACONDA_PYTHON_VERSION -y python="$ANACONDA_PYTHON_VERSION" $*
|
as_jenkins conda install -q -n py_$ANACONDA_PYTHON_VERSION -y python="$ANACONDA_PYTHON_VERSION" $*
|
||||||
}
|
}
|
||||||
|
|
||||||
conda_install_through_forge() {
|
|
||||||
as_jenkins conda install -c conda-forge -q -n py_$ANACONDA_PYTHON_VERSION -y python="$ANACONDA_PYTHON_VERSION" $*
|
|
||||||
}
|
|
||||||
|
|
||||||
conda_run() {
|
conda_run() {
|
||||||
as_jenkins conda run -n py_$ANACONDA_PYTHON_VERSION --no-capture-output $*
|
as_jenkins conda run -n py_$ANACONDA_PYTHON_VERSION --no-capture-output $*
|
||||||
}
|
}
|
||||||
|
@ -1,7 +1,7 @@
|
|||||||
set -euo pipefail
|
set -euo pipefail
|
||||||
|
|
||||||
readonly version=v25.02
|
readonly version=v24.04
|
||||||
readonly src_host=https://github.com/ARM-software
|
readonly src_host=https://review.mlplatform.org/ml
|
||||||
readonly src_repo=ComputeLibrary
|
readonly src_repo=ComputeLibrary
|
||||||
|
|
||||||
# Clone ACL
|
# Clone ACL
|
||||||
|
23
.ci/docker/common/install_aotriton.sh
Executable file
23
.ci/docker/common/install_aotriton.sh
Executable file
@ -0,0 +1,23 @@
|
|||||||
|
#!/bin/bash
|
||||||
|
|
||||||
|
set -ex
|
||||||
|
|
||||||
|
source "$(dirname "${BASH_SOURCE[0]}")/common_utils.sh"
|
||||||
|
|
||||||
|
TARBALL='aotriton.tar.gz'
|
||||||
|
# This read command alwasy returns with exit code 1
|
||||||
|
read -d "\n" VER MANYLINUX ROCMBASE PINNED_COMMIT SHA256 < aotriton_version.txt || true
|
||||||
|
ARCH=$(uname -m)
|
||||||
|
AOTRITON_INSTALL_PREFIX="$1"
|
||||||
|
AOTRITON_URL="https://github.com/ROCm/aotriton/releases/download/${VER}/aotriton-${VER}-${MANYLINUX}_${ARCH}-${ROCMBASE}-shared.tar.gz"
|
||||||
|
|
||||||
|
cd "${AOTRITON_INSTALL_PREFIX}"
|
||||||
|
# Must use -L to follow redirects
|
||||||
|
curl -L --retry 3 -o "${TARBALL}" "${AOTRITON_URL}"
|
||||||
|
ACTUAL_SHA256=$(sha256sum "${TARBALL}" | cut -d " " -f 1)
|
||||||
|
if [ "${SHA256}" != "${ACTUAL_SHA256}" ]; then
|
||||||
|
echo -n "Error: The SHA256 of downloaded tarball is ${ACTUAL_SHA256},"
|
||||||
|
echo " which does not match the expected value ${SHA256}."
|
||||||
|
exit
|
||||||
|
fi
|
||||||
|
tar xf "${TARBALL}" && rm -rf "${TARBALL}"
|
@ -15,9 +15,6 @@ install_ubuntu() {
|
|||||||
elif [[ "$UBUNTU_VERSION" == "22.04"* ]]; then
|
elif [[ "$UBUNTU_VERSION" == "22.04"* ]]; then
|
||||||
cmake3="cmake=3.22*"
|
cmake3="cmake=3.22*"
|
||||||
maybe_libiomp_dev=""
|
maybe_libiomp_dev=""
|
||||||
elif [[ "$UBUNTU_VERSION" == "24.04"* ]]; then
|
|
||||||
cmake3="cmake=3.28*"
|
|
||||||
maybe_libiomp_dev=""
|
|
||||||
else
|
else
|
||||||
cmake3="cmake=3.5*"
|
cmake3="cmake=3.5*"
|
||||||
maybe_libiomp_dev="libiomp-dev"
|
maybe_libiomp_dev="libiomp-dev"
|
||||||
@ -33,6 +30,14 @@ install_ubuntu() {
|
|||||||
maybe_libomp_dev=""
|
maybe_libomp_dev=""
|
||||||
fi
|
fi
|
||||||
|
|
||||||
|
# HACK: UCC testing relies on libnccl library from NVIDIA repo, and version 2.16 crashes
|
||||||
|
# See https://github.com/pytorch/pytorch/pull/105260#issuecomment-1673399729
|
||||||
|
if [[ "$UBUNTU_VERSION" == "20.04"* && "$CUDA_VERSION" == "11.8"* ]]; then
|
||||||
|
maybe_libnccl_dev="libnccl2=2.15.5-1+cuda11.8 libnccl-dev=2.15.5-1+cuda11.8 --allow-downgrades --allow-change-held-packages"
|
||||||
|
else
|
||||||
|
maybe_libnccl_dev=""
|
||||||
|
fi
|
||||||
|
|
||||||
# Install common dependencies
|
# Install common dependencies
|
||||||
apt-get update
|
apt-get update
|
||||||
# TODO: Some of these may not be necessary
|
# TODO: Some of these may not be necessary
|
||||||
@ -61,6 +66,7 @@ install_ubuntu() {
|
|||||||
libasound2-dev \
|
libasound2-dev \
|
||||||
libsndfile-dev \
|
libsndfile-dev \
|
||||||
${maybe_libomp_dev} \
|
${maybe_libomp_dev} \
|
||||||
|
${maybe_libnccl_dev} \
|
||||||
software-properties-common \
|
software-properties-common \
|
||||||
wget \
|
wget \
|
||||||
sudo \
|
sudo \
|
||||||
@ -70,8 +76,7 @@ install_ubuntu() {
|
|||||||
vim \
|
vim \
|
||||||
unzip \
|
unzip \
|
||||||
gpg-agent \
|
gpg-agent \
|
||||||
gdb \
|
gdb
|
||||||
bc
|
|
||||||
|
|
||||||
# Should resolve issues related to various apt package repository cert issues
|
# Should resolve issues related to various apt package repository cert issues
|
||||||
# see: https://github.com/pytorch/pytorch/issues/65931
|
# see: https://github.com/pytorch/pytorch/issues/65931
|
||||||
@ -89,6 +94,9 @@ install_centos() {
|
|||||||
|
|
||||||
ccache_deps="asciidoc docbook-dtds docbook-style-xsl libxslt"
|
ccache_deps="asciidoc docbook-dtds docbook-style-xsl libxslt"
|
||||||
numpy_deps="gcc-gfortran"
|
numpy_deps="gcc-gfortran"
|
||||||
|
# Note: protobuf-c-{compiler,devel} on CentOS are too old to be used
|
||||||
|
# for Caffe2. That said, we still install them to make sure the build
|
||||||
|
# system opts to build/use protoc and libprotobuf from third-party.
|
||||||
yum install -y \
|
yum install -y \
|
||||||
$ccache_deps \
|
$ccache_deps \
|
||||||
$numpy_deps \
|
$numpy_deps \
|
||||||
|
@ -9,7 +9,12 @@ install_ubuntu() {
|
|||||||
# Instead use lib and headers from OpenSSL1.1 installed in `install_openssl.sh``
|
# Instead use lib and headers from OpenSSL1.1 installed in `install_openssl.sh``
|
||||||
apt-get install -y cargo
|
apt-get install -y cargo
|
||||||
echo "Checking out sccache repo"
|
echo "Checking out sccache repo"
|
||||||
git clone https://github.com/mozilla/sccache -b v0.10.0
|
if [ -n "$CUDA_VERSION" ]; then
|
||||||
|
# TODO: Remove this
|
||||||
|
git clone https://github.com/pytorch/sccache
|
||||||
|
else
|
||||||
|
git clone https://github.com/mozilla/sccache -b v0.8.2
|
||||||
|
fi
|
||||||
cd sccache
|
cd sccache
|
||||||
echo "Building sccache"
|
echo "Building sccache"
|
||||||
cargo build --release
|
cargo build --release
|
||||||
@ -36,33 +41,41 @@ sed -e 's|PATH="\(.*\)"|PATH="/opt/cache/bin:\1"|g' -i /etc/environment
|
|||||||
export PATH="/opt/cache/bin:$PATH"
|
export PATH="/opt/cache/bin:$PATH"
|
||||||
|
|
||||||
# Setup compiler cache
|
# Setup compiler cache
|
||||||
install_ubuntu
|
if [ -n "$ROCM_VERSION" ]; then
|
||||||
|
curl --retry 3 http://repo.radeon.com/misc/.sccache_amd/sccache -o /opt/cache/bin/sccache
|
||||||
|
else
|
||||||
|
ID=$(grep -oP '(?<=^ID=).+' /etc/os-release | tr -d '"')
|
||||||
|
if [ -n "$CUDA_VERSION" ]; then
|
||||||
|
# TODO: Install the pre-built binary from S3 as building from source
|
||||||
|
# https://github.com/pytorch/sccache has started failing mysteriously
|
||||||
|
# in which sccache server couldn't start with the following error:
|
||||||
|
# sccache: error: Invalid argument (os error 22)
|
||||||
|
install_binary
|
||||||
|
else
|
||||||
|
install_ubuntu
|
||||||
|
fi
|
||||||
|
fi
|
||||||
chmod a+x /opt/cache/bin/sccache
|
chmod a+x /opt/cache/bin/sccache
|
||||||
|
|
||||||
function write_sccache_stub() {
|
function write_sccache_stub() {
|
||||||
# Unset LD_PRELOAD for ps because of asan + ps issues
|
# Unset LD_PRELOAD for ps because of asan + ps issues
|
||||||
# https://gcc.gnu.org/bugzilla/show_bug.cgi?id=90589
|
# https://gcc.gnu.org/bugzilla/show_bug.cgi?id=90589
|
||||||
if [ $1 == "gcc" ]; then
|
if [ $1 == "gcc" ]; then
|
||||||
# Do not call sccache recursively when dumping preprocessor argument
|
# Do not call sccache recursively when dumping preprocessor argument
|
||||||
# For some reason it's very important for the first cached nvcc invocation
|
# For some reason it's very important for the first cached nvcc invocation
|
||||||
cat >"/opt/cache/bin/$1" <<EOF
|
cat > "/opt/cache/bin/$1" <<EOF
|
||||||
#!/bin/sh
|
#!/bin/sh
|
||||||
|
|
||||||
# sccache does not support -E flag, so we need to call the original compiler directly in order to avoid calling this wrapper recursively
|
if [ "\$1" = "-E" ] || [ "\$2" = "-E" ]; then
|
||||||
for arg in "\$@"; do
|
exec $(which $1) "\$@"
|
||||||
if [ "\$arg" = "-E" ]; then
|
elif [ \$(env -u LD_PRELOAD ps -p \$PPID -o comm=) != sccache ]; then
|
||||||
exec $(which $1) "\$@"
|
|
||||||
fi
|
|
||||||
done
|
|
||||||
|
|
||||||
if [ \$(env -u LD_PRELOAD ps -p \$PPID -o comm=) != sccache ]; then
|
|
||||||
exec sccache $(which $1) "\$@"
|
exec sccache $(which $1) "\$@"
|
||||||
else
|
else
|
||||||
exec $(which $1) "\$@"
|
exec $(which $1) "\$@"
|
||||||
fi
|
fi
|
||||||
EOF
|
EOF
|
||||||
else
|
else
|
||||||
cat >"/opt/cache/bin/$1" <<EOF
|
cat > "/opt/cache/bin/$1" <<EOF
|
||||||
#!/bin/sh
|
#!/bin/sh
|
||||||
|
|
||||||
if [ \$(env -u LD_PRELOAD ps -p \$PPID -o comm=) != sccache ]; then
|
if [ \$(env -u LD_PRELOAD ps -p \$PPID -o comm=) != sccache ]; then
|
||||||
@ -112,7 +125,7 @@ if [ -n "$ROCM_VERSION" ]; then
|
|||||||
TOPDIR=$(dirname $OLDCOMP)
|
TOPDIR=$(dirname $OLDCOMP)
|
||||||
WRAPPED="$TOPDIR/original/$COMPNAME"
|
WRAPPED="$TOPDIR/original/$COMPNAME"
|
||||||
mv "$OLDCOMP" "$WRAPPED"
|
mv "$OLDCOMP" "$WRAPPED"
|
||||||
printf "#!/bin/sh\nexec sccache $WRAPPED \"\$@\"" >"$OLDCOMP"
|
printf "#!/bin/sh\nexec sccache $WRAPPED \"\$@\"" > "$OLDCOMP"
|
||||||
chmod a+x "$OLDCOMP"
|
chmod a+x "$OLDCOMP"
|
||||||
}
|
}
|
||||||
|
|
||||||
|
@ -4,10 +4,16 @@ set -ex
|
|||||||
|
|
||||||
if [ -n "$CLANG_VERSION" ]; then
|
if [ -n "$CLANG_VERSION" ]; then
|
||||||
|
|
||||||
if [[ $UBUNTU_VERSION == 22.04 ]]; then
|
if [[ $CLANG_VERSION == 9 && $UBUNTU_VERSION == 18.04 ]]; then
|
||||||
|
sudo apt-get update
|
||||||
|
# gpg-agent is not available by default on 18.04
|
||||||
|
sudo apt-get install -y --no-install-recommends gpg-agent
|
||||||
|
wget --no-check-certificate -O - https://apt.llvm.org/llvm-snapshot.gpg.key | sudo apt-key add -
|
||||||
|
apt-add-repository "deb http://apt.llvm.org/bionic/ llvm-toolchain-bionic-${CLANG_VERSION} main"
|
||||||
|
elif [[ $UBUNTU_VERSION == 22.04 ]]; then
|
||||||
# work around ubuntu apt-get conflicts
|
# work around ubuntu apt-get conflicts
|
||||||
sudo apt-get -y -f install
|
sudo apt-get -y -f install
|
||||||
wget --no-check-certificate -O - https://apt.llvm.org/llvm-snapshot.gpg.key | sudo apt-key add -
|
wget --no-check-certificate -O - https://apt.llvm.org/llvm-snapshot.gpg.key | sudo apt-key add -
|
||||||
if [[ $CLANG_VERSION == 18 ]]; then
|
if [[ $CLANG_VERSION == 18 ]]; then
|
||||||
apt-add-repository "deb http://apt.llvm.org/jammy/ llvm-toolchain-jammy-18 main"
|
apt-add-repository "deb http://apt.llvm.org/jammy/ llvm-toolchain-jammy-18 main"
|
||||||
fi
|
fi
|
||||||
@ -35,7 +41,7 @@ if [ -n "$CLANG_VERSION" ]; then
|
|||||||
# clang's packaging is a little messed up (the runtime libs aren't
|
# clang's packaging is a little messed up (the runtime libs aren't
|
||||||
# added into the linker path), so give it a little help
|
# added into the linker path), so give it a little help
|
||||||
clang_lib=("/usr/lib/llvm-$CLANG_VERSION/lib/clang/"*"/lib/linux")
|
clang_lib=("/usr/lib/llvm-$CLANG_VERSION/lib/clang/"*"/lib/linux")
|
||||||
echo "$clang_lib" >/etc/ld.so.conf.d/clang.conf
|
echo "$clang_lib" > /etc/ld.so.conf.d/clang.conf
|
||||||
ldconfig
|
ldconfig
|
||||||
|
|
||||||
# Cleanup package manager
|
# Cleanup package manager
|
||||||
|
31
.ci/docker/common/install_cmake.sh
Executable file
31
.ci/docker/common/install_cmake.sh
Executable file
@ -0,0 +1,31 @@
|
|||||||
|
#!/bin/bash
|
||||||
|
|
||||||
|
set -ex
|
||||||
|
|
||||||
|
[ -n "$CMAKE_VERSION" ]
|
||||||
|
|
||||||
|
# Remove system cmake install so it won't get used instead
|
||||||
|
ID=$(grep -oP '(?<=^ID=).+' /etc/os-release | tr -d '"')
|
||||||
|
case "$ID" in
|
||||||
|
ubuntu)
|
||||||
|
apt-get remove cmake -y
|
||||||
|
;;
|
||||||
|
centos)
|
||||||
|
yum remove cmake -y
|
||||||
|
;;
|
||||||
|
*)
|
||||||
|
echo "Unable to determine OS..."
|
||||||
|
exit 1
|
||||||
|
;;
|
||||||
|
esac
|
||||||
|
|
||||||
|
# Turn 3.6.3 into v3.6
|
||||||
|
path=$(echo "${CMAKE_VERSION}" | sed -e 's/\([0-9].[0-9]\+\).*/v\1/')
|
||||||
|
file="cmake-${CMAKE_VERSION}-Linux-x86_64.tar.gz"
|
||||||
|
|
||||||
|
# Download and install specific CMake version in /usr/local
|
||||||
|
pushd /tmp
|
||||||
|
curl -Os --retry 3 "https://cmake.org/files/${path}/${file}"
|
||||||
|
tar -C /usr/local --strip-components 1 --no-same-owner -zxf cmake-*.tar.gz
|
||||||
|
rm -f cmake-*.tar.gz
|
||||||
|
popd
|
@ -4,8 +4,12 @@ set -ex
|
|||||||
|
|
||||||
# Optionally install conda
|
# Optionally install conda
|
||||||
if [ -n "$ANACONDA_PYTHON_VERSION" ]; then
|
if [ -n "$ANACONDA_PYTHON_VERSION" ]; then
|
||||||
BASE_URL="https://github.com/conda-forge/miniforge/releases/latest/download" # @lint-ignore
|
BASE_URL="https://repo.anaconda.com/miniconda"
|
||||||
CONDA_FILE="Miniforge3-Linux-$(uname -m).sh"
|
CONDA_FILE="Miniconda3-latest-Linux-x86_64.sh"
|
||||||
|
if [[ $(uname -m) == "aarch64" ]] || [[ "$BUILD_ENVIRONMENT" == *xpu* ]]; then
|
||||||
|
BASE_URL="https://github.com/conda-forge/miniforge/releases/latest/download"
|
||||||
|
CONDA_FILE="Miniforge3-Linux-$(uname -m).sh"
|
||||||
|
fi
|
||||||
|
|
||||||
MAJOR_PYTHON_VERSION=$(echo "$ANACONDA_PYTHON_VERSION" | cut -d . -f 1)
|
MAJOR_PYTHON_VERSION=$(echo "$ANACONDA_PYTHON_VERSION" | cut -d . -f 1)
|
||||||
MINOR_PYTHON_VERSION=$(echo "$ANACONDA_PYTHON_VERSION" | cut -d . -f 2)
|
MINOR_PYTHON_VERSION=$(echo "$ANACONDA_PYTHON_VERSION" | cut -d . -f 2)
|
||||||
@ -17,11 +21,11 @@ if [ -n "$ANACONDA_PYTHON_VERSION" ]; then
|
|||||||
exit 1
|
exit 1
|
||||||
;;
|
;;
|
||||||
esac
|
esac
|
||||||
|
|
||||||
mkdir -p /opt/conda
|
mkdir -p /opt/conda
|
||||||
chown jenkins:jenkins /opt/conda
|
chown jenkins:jenkins /opt/conda
|
||||||
|
|
||||||
SCRIPT_FOLDER="$( cd "$(dirname "$0")" ; pwd -P )"
|
source "$(dirname "${BASH_SOURCE[0]}")/common_utils.sh"
|
||||||
source "${SCRIPT_FOLDER}/common_utils.sh"
|
|
||||||
|
|
||||||
pushd /tmp
|
pushd /tmp
|
||||||
wget -q "${BASE_URL}/${CONDA_FILE}"
|
wget -q "${BASE_URL}/${CONDA_FILE}"
|
||||||
@ -57,33 +61,31 @@ if [ -n "$ANACONDA_PYTHON_VERSION" ]; then
|
|||||||
|
|
||||||
# libstdcxx from conda default channels are too old, we need GLIBCXX_3.4.30
|
# libstdcxx from conda default channels are too old, we need GLIBCXX_3.4.30
|
||||||
# which is provided in libstdcxx 12 and up.
|
# which is provided in libstdcxx 12 and up.
|
||||||
conda_install libstdcxx-ng=12.3.0 --update-deps -c conda-forge
|
conda_install libstdcxx-ng=12.3.0 -c conda-forge
|
||||||
|
|
||||||
# Miniforge installer doesn't install sqlite by default
|
|
||||||
if [[ "$BUILD_ENVIRONMENT" == *rocm* ]]; then
|
|
||||||
conda_install sqlite
|
|
||||||
fi
|
|
||||||
|
|
||||||
# Install PyTorch conda deps, as per https://github.com/pytorch/pytorch README
|
# Install PyTorch conda deps, as per https://github.com/pytorch/pytorch README
|
||||||
if [[ $(uname -m) != "aarch64" ]]; then
|
if [[ $(uname -m) == "aarch64" ]]; then
|
||||||
pip_install mkl==2024.2.0
|
conda_install "openblas==0.3.25=*openmp*"
|
||||||
pip_install mkl-static==2024.2.0
|
else
|
||||||
pip_install mkl-include==2024.2.0
|
conda_install "mkl=2021.4.0 mkl-include=2021.4.0"
|
||||||
fi
|
fi
|
||||||
|
|
||||||
# Install llvm-8 as it is required to compile llvmlite-0.30.0 from source
|
# Install llvm-8 as it is required to compile llvmlite-0.30.0 from source
|
||||||
# and libpython-static for torch deploy
|
# and libpython-static for torch deploy
|
||||||
conda_install llvmdev=8.0.0 "libpython-static=${ANACONDA_PYTHON_VERSION}"
|
conda_install llvmdev=8.0.0 "libpython-static=${ANACONDA_PYTHON_VERSION}"
|
||||||
|
|
||||||
# Magma package names are concatenation of CUDA major and minor ignoring revision
|
# Use conda cmake in some cases. Conda cmake will be newer than our supported
|
||||||
# I.e. magma-cuda102 package corresponds to CUDA_VERSION=10.2 and CUDA_VERSION=10.2.89
|
# min version (3.5 for xenial and 3.10 for bionic), so we only do it in those
|
||||||
# Magma is installed from a tarball in the ossci-linux bucket into the conda env
|
# following builds that we know should use conda. Specifically, Ubuntu bionic
|
||||||
if [ -n "$CUDA_VERSION" ]; then
|
# and focal cannot find conda mkl with stock cmake, so we need a cmake from conda
|
||||||
conda_run ${SCRIPT_FOLDER}/install_magma_conda.sh $(cut -f1-2 -d'.' <<< ${CUDA_VERSION})
|
if [ -n "${CONDA_CMAKE}" ]; then
|
||||||
|
conda_install cmake
|
||||||
fi
|
fi
|
||||||
|
|
||||||
if [[ "$UBUNTU_VERSION" == "24.04"* ]] ; then
|
# Magma package names are concatenation of CUDA major and minor ignoring revision
|
||||||
conda_install_through_forge libstdcxx-ng=14
|
# I.e. magma-cuda102 package corresponds to CUDA_VERSION=10.2 and CUDA_VERSION=10.2.89
|
||||||
|
if [ -n "$CUDA_VERSION" ]; then
|
||||||
|
conda_install magma-cuda$(TMP=${CUDA_VERSION/./};echo ${TMP%.*[0-9]}) -c pytorch
|
||||||
fi
|
fi
|
||||||
|
|
||||||
# Install some other packages, including those needed for Python test reporting
|
# Install some other packages, including those needed for Python test reporting
|
||||||
|
@ -3,10 +3,11 @@
|
|||||||
set -uex -o pipefail
|
set -uex -o pipefail
|
||||||
|
|
||||||
PYTHON_DOWNLOAD_URL=https://www.python.org/ftp/python
|
PYTHON_DOWNLOAD_URL=https://www.python.org/ftp/python
|
||||||
|
PYTHON_DOWNLOAD_GITHUB_BRANCH=https://github.com/python/cpython/archive/refs/heads
|
||||||
GET_PIP_URL=https://bootstrap.pypa.io/get-pip.py
|
GET_PIP_URL=https://bootstrap.pypa.io/get-pip.py
|
||||||
|
|
||||||
# Python versions to be installed in /opt/$VERSION_NO
|
# Python versions to be installed in /opt/$VERSION_NO
|
||||||
CPYTHON_VERSIONS=${CPYTHON_VERSIONS:-"3.9.0 3.10.1 3.11.0 3.12.0 3.13.0 3.13.0t 3.14.0 3.14.0t"}
|
CPYTHON_VERSIONS=${CPYTHON_VERSIONS:-"3.8.1 3.9.0 3.10.1 3.11.0 3.12.0 3.13.0 3.13.0t"}
|
||||||
|
|
||||||
function check_var {
|
function check_var {
|
||||||
if [ -z "$1" ]; then
|
if [ -z "$1" ]; then
|
||||||
@ -23,8 +24,9 @@ function do_cpython_build {
|
|||||||
tar -xzf Python-$py_ver.tgz
|
tar -xzf Python-$py_ver.tgz
|
||||||
|
|
||||||
local additional_flags=""
|
local additional_flags=""
|
||||||
if [[ "$py_ver" == *"t" ]]; then
|
if [ "$py_ver" == "3.13.0t" ]; then
|
||||||
additional_flags=" --disable-gil"
|
additional_flags=" --disable-gil"
|
||||||
|
mv cpython-3.13/ cpython-3.13t/
|
||||||
fi
|
fi
|
||||||
|
|
||||||
pushd $py_folder
|
pushd $py_folder
|
||||||
@ -66,29 +68,32 @@ function do_cpython_build {
|
|||||||
ln -s pip3 ${prefix}/bin/pip
|
ln -s pip3 ${prefix}/bin/pip
|
||||||
fi
|
fi
|
||||||
# install setuptools since python 3.12 is required to use distutils
|
# install setuptools since python 3.12 is required to use distutils
|
||||||
# packaging is needed to create symlink since wheel no longer provides needed information
|
${prefix}/bin/pip install wheel==0.34.2 setuptools==68.2.2
|
||||||
${prefix}/bin/pip install packaging==25.0 wheel==0.45.1 setuptools==80.9.0
|
local abi_tag=$(${prefix}/bin/python -c "from wheel.pep425tags import get_abbr_impl, get_impl_ver, get_abi_tag; print('{0}{1}-{2}'.format(get_abbr_impl(), get_impl_ver(), get_abi_tag()))")
|
||||||
local abi_tag=$(${prefix}/bin/python -c "from packaging.tags import interpreter_name, interpreter_version; import sysconfig ; from sysconfig import get_config_var; print('{0}{1}-{0}{1}{2}'.format(interpreter_name(), interpreter_version(), 't' if sysconfig.get_config_var('Py_GIL_DISABLED') else ''))")
|
ln -s ${prefix} /opt/python/${abi_tag}
|
||||||
ln -sf ${prefix} /opt/python/${abi_tag}
|
|
||||||
}
|
}
|
||||||
|
|
||||||
function build_cpython {
|
function build_cpython {
|
||||||
local py_ver=$1
|
local py_ver=$1
|
||||||
check_var $py_ver
|
check_var $py_ver
|
||||||
local py_suffix=$py_ver
|
check_var $PYTHON_DOWNLOAD_URL
|
||||||
local py_folder=$py_ver
|
local py_ver_folder=$py_ver
|
||||||
|
|
||||||
# Special handling for nogil
|
if [ "$py_ver" = "3.13.0t" ]; then
|
||||||
if [[ "${py_ver}" == *"t" ]]; then
|
PY_VER_SHORT="3.13"
|
||||||
py_suffix=${py_ver::-1}
|
PYT_VER_SHORT="3.13t"
|
||||||
py_folder=$py_suffix
|
check_var $PYTHON_DOWNLOAD_GITHUB_BRANCH
|
||||||
|
wget $PYTHON_DOWNLOAD_GITHUB_BRANCH/$PY_VER_SHORT.tar.gz -O Python-$py_ver.tgz
|
||||||
|
do_cpython_build $py_ver cpython-$PYT_VER_SHORT
|
||||||
|
elif [ "$py_ver" = "3.13.0" ]; then
|
||||||
|
PY_VER_SHORT="3.13"
|
||||||
|
check_var $PYTHON_DOWNLOAD_GITHUB_BRANCH
|
||||||
|
wget $PYTHON_DOWNLOAD_GITHUB_BRANCH/$PY_VER_SHORT.tar.gz -O Python-$py_ver.tgz
|
||||||
|
do_cpython_build $py_ver cpython-$PY_VER_SHORT
|
||||||
|
else
|
||||||
|
wget -q $PYTHON_DOWNLOAD_URL/$py_ver_folder/Python-$py_ver.tgz
|
||||||
|
do_cpython_build $py_ver Python-$py_ver
|
||||||
fi
|
fi
|
||||||
# Update to rc2 due to https://github.com/python/cpython/commit/c72699086fe4
|
|
||||||
if [ "$py_suffix" == "3.14.0" ]; then
|
|
||||||
py_suffix="3.14.0rc2"
|
|
||||||
fi
|
|
||||||
wget -q $PYTHON_DOWNLOAD_URL/$py_folder/Python-$py_suffix.tgz -O Python-$py_ver.tgz
|
|
||||||
do_cpython_build $py_ver Python-$py_suffix
|
|
||||||
|
|
||||||
rm -f Python-$py_ver.tgz
|
rm -f Python-$py_ver.tgz
|
||||||
}
|
}
|
||||||
|
@ -2,181 +2,315 @@
|
|||||||
|
|
||||||
set -ex
|
set -ex
|
||||||
|
|
||||||
arch_path=''
|
NCCL_VERSION=v2.21.5-1
|
||||||
targetarch=${TARGETARCH:-$(uname -m)}
|
CUDNN_VERSION=9.1.0.70
|
||||||
if [ ${targetarch} = 'amd64' ] || [ "${targetarch}" = 'x86_64' ]; then
|
|
||||||
arch_path='x86_64'
|
|
||||||
else
|
|
||||||
arch_path='sbsa'
|
|
||||||
fi
|
|
||||||
|
|
||||||
NVSHMEM_VERSION=3.3.24
|
function install_cusparselt_040 {
|
||||||
|
# cuSparseLt license: https://docs.nvidia.com/cuda/cusparselt/license.html
|
||||||
function install_cuda {
|
mkdir tmp_cusparselt && pushd tmp_cusparselt
|
||||||
version=$1
|
wget -q https://developer.download.nvidia.com/compute/cusparselt/redist/libcusparse_lt/linux-x86_64/libcusparse_lt-linux-x86_64-0.4.0.7-archive.tar.xz
|
||||||
runfile=$2
|
tar xf libcusparse_lt-linux-x86_64-0.4.0.7-archive.tar.xz
|
||||||
major_minor=${version%.*}
|
cp -a libcusparse_lt-linux-x86_64-0.4.0.7-archive/include/* /usr/local/cuda/include/
|
||||||
rm -rf /usr/local/cuda-${major_minor} /usr/local/cuda
|
cp -a libcusparse_lt-linux-x86_64-0.4.0.7-archive/lib/* /usr/local/cuda/lib64/
|
||||||
if [[ ${arch_path} == 'sbsa' ]]; then
|
popd
|
||||||
runfile="${runfile}_sbsa"
|
rm -rf tmp_cusparselt
|
||||||
fi
|
|
||||||
runfile="${runfile}.run"
|
|
||||||
wget -q https://developer.download.nvidia.com/compute/cuda/${version}/local_installers/${runfile} -O ${runfile}
|
|
||||||
chmod +x ${runfile}
|
|
||||||
./${runfile} --toolkit --silent
|
|
||||||
rm -f ${runfile}
|
|
||||||
rm -f /usr/local/cuda && ln -s /usr/local/cuda-${major_minor} /usr/local/cuda
|
|
||||||
}
|
}
|
||||||
|
|
||||||
function install_cudnn {
|
function install_cusparselt_052 {
|
||||||
cuda_major_version=$1
|
# cuSparseLt license: https://docs.nvidia.com/cuda/cusparselt/license.html
|
||||||
cudnn_version=$2
|
mkdir tmp_cusparselt && pushd tmp_cusparselt
|
||||||
mkdir tmp_cudnn && cd tmp_cudnn
|
wget -q https://developer.download.nvidia.com/compute/cusparselt/redist/libcusparse_lt/linux-x86_64/libcusparse_lt-linux-x86_64-0.5.2.1-archive.tar.xz
|
||||||
# cuDNN license: https://developer.nvidia.com/cudnn/license_agreement
|
tar xf libcusparse_lt-linux-x86_64-0.5.2.1-archive.tar.xz
|
||||||
filepath="cudnn-linux-${arch_path}-${cudnn_version}_cuda${cuda_major_version}-archive"
|
cp -a libcusparse_lt-linux-x86_64-0.5.2.1-archive/include/* /usr/local/cuda/include/
|
||||||
wget -q https://developer.download.nvidia.com/compute/cudnn/redist/cudnn/linux-${arch_path}/${filepath}.tar.xz
|
cp -a libcusparse_lt-linux-x86_64-0.5.2.1-archive/lib/* /usr/local/cuda/lib64/
|
||||||
tar xf ${filepath}.tar.xz
|
popd
|
||||||
cp -a ${filepath}/include/* /usr/local/cuda/include/
|
rm -rf tmp_cusparselt
|
||||||
cp -a ${filepath}/lib/* /usr/local/cuda/lib64/
|
|
||||||
cd ..
|
|
||||||
rm -rf tmp_cudnn
|
|
||||||
}
|
}
|
||||||
|
|
||||||
function install_nvshmem {
|
function install_cusparselt_062 {
|
||||||
cuda_major_version=$1 # e.g. "12"
|
# cuSparseLt license: https://docs.nvidia.com/cuda/cusparselt/license.html
|
||||||
nvshmem_version=$2 # e.g. "3.3.9"
|
mkdir tmp_cusparselt && pushd tmp_cusparselt
|
||||||
|
wget -q https://developer.download.nvidia.com/compute/cusparselt/redist/libcusparse_lt/linux-x86_64/libcusparse_lt-linux-x86_64-0.6.2.3-archive.tar.xz
|
||||||
|
tar xf libcusparse_lt-linux-x86_64-0.6.2.3-archive.tar.xz
|
||||||
|
cp -a libcusparse_lt-linux-x86_64-0.6.2.3-archive/include/* /usr/local/cuda/include/
|
||||||
|
cp -a libcusparse_lt-linux-x86_64-0.6.2.3-archive/lib/* /usr/local/cuda/lib64/
|
||||||
|
popd
|
||||||
|
rm -rf tmp_cusparselt
|
||||||
|
}
|
||||||
|
|
||||||
case "${arch_path}" in
|
function install_118 {
|
||||||
sbsa)
|
echo "Installing CUDA 11.8 and cuDNN ${CUDNN_VERSION} and NCCL ${NCCL_VERSION} and cuSparseLt-0.4.0"
|
||||||
dl_arch="aarch64"
|
rm -rf /usr/local/cuda-11.8 /usr/local/cuda
|
||||||
;;
|
# install CUDA 11.8.0 in the same container
|
||||||
x86_64)
|
wget -q https://developer.download.nvidia.com/compute/cuda/11.8.0/local_installers/cuda_11.8.0_520.61.05_linux.run
|
||||||
dl_arch="x64"
|
chmod +x cuda_11.8.0_520.61.05_linux.run
|
||||||
;;
|
./cuda_11.8.0_520.61.05_linux.run --toolkit --silent
|
||||||
*)
|
rm -f cuda_11.8.0_520.61.05_linux.run
|
||||||
dl_arch="${arch}"
|
rm -f /usr/local/cuda && ln -s /usr/local/cuda-11.8 /usr/local/cuda
|
||||||
;;
|
|
||||||
esac
|
|
||||||
|
|
||||||
tmpdir="tmp_nvshmem"
|
# cuDNN license: https://developer.nvidia.com/cudnn/license_agreement
|
||||||
mkdir -p "${tmpdir}" && cd "${tmpdir}"
|
mkdir tmp_cudnn && cd tmp_cudnn
|
||||||
|
wget -q https://developer.download.nvidia.com/compute/cudnn/redist/cudnn/linux-x86_64/cudnn-linux-x86_64-${CUDNN_VERSION}_cuda11-archive.tar.xz -O cudnn-linux-x86_64-${CUDNN_VERSION}_cuda11-archive.tar.xz
|
||||||
|
tar xf cudnn-linux-x86_64-${CUDNN_VERSION}_cuda11-archive.tar.xz
|
||||||
|
cp -a cudnn-linux-x86_64-${CUDNN_VERSION}_cuda11-archive/include/* /usr/local/cuda/include/
|
||||||
|
cp -a cudnn-linux-x86_64-${CUDNN_VERSION}_cuda11-archive/lib/* /usr/local/cuda/lib64/
|
||||||
|
cd ..
|
||||||
|
rm -rf tmp_cudnn
|
||||||
|
|
||||||
# nvSHMEM license: https://docs.nvidia.com/nvshmem/api/sla.html
|
# NCCL license: https://docs.nvidia.com/deeplearning/nccl/#licenses
|
||||||
# This pattern is a lie as it is not consistent across versions, for 3.3.9 it was cuda_ver-arch-nvshhem-ver
|
# Follow build: https://github.com/NVIDIA/nccl/tree/master?tab=readme-ov-file#build
|
||||||
filename="libnvshmem-linux-${arch_path}-${nvshmem_version}_cuda${cuda_major_version}-archive"
|
git clone -b $NCCL_VERSION --depth 1 https://github.com/NVIDIA/nccl.git
|
||||||
suffix=".tar.xz"
|
cd nccl && make -j src.build
|
||||||
url="https://developer.download.nvidia.com/compute/nvshmem/redist/libnvshmem/linux-${arch_path}/${filename}${suffix}"
|
cp -a build/include/* /usr/local/cuda/include/
|
||||||
|
cp -a build/lib/* /usr/local/cuda/lib64/
|
||||||
|
cd ..
|
||||||
|
rm -rf nccl
|
||||||
|
|
||||||
# download, unpack, install
|
install_cusparselt_040
|
||||||
wget -q "${url}"
|
|
||||||
tar xf "${filename}${suffix}"
|
|
||||||
cp -a "${filename}/include/"* /usr/local/cuda/include/
|
|
||||||
cp -a "${filename}/lib/"* /usr/local/cuda/lib64/
|
|
||||||
|
|
||||||
# cleanup
|
ldconfig
|
||||||
cd ..
|
}
|
||||||
rm -rf "${tmpdir}"
|
|
||||||
|
|
||||||
echo "nvSHMEM ${nvshmem_version} for CUDA ${cuda_major_version} (${arch_path}) installed."
|
function install_121 {
|
||||||
|
echo "Installing CUDA 12.1 and cuDNN ${CUDNN_VERSION} and NCCL ${NCCL_VERSION} and cuSparseLt-0.5.2"
|
||||||
|
rm -rf /usr/local/cuda-12.1 /usr/local/cuda
|
||||||
|
# install CUDA 12.1.0 in the same container
|
||||||
|
wget -q https://developer.download.nvidia.com/compute/cuda/12.1.1/local_installers/cuda_12.1.1_530.30.02_linux.run
|
||||||
|
chmod +x cuda_12.1.1_530.30.02_linux.run
|
||||||
|
./cuda_12.1.1_530.30.02_linux.run --toolkit --silent
|
||||||
|
rm -f cuda_12.1.1_530.30.02_linux.run
|
||||||
|
rm -f /usr/local/cuda && ln -s /usr/local/cuda-12.1 /usr/local/cuda
|
||||||
|
|
||||||
|
# cuDNN license: https://developer.nvidia.com/cudnn/license_agreement
|
||||||
|
mkdir tmp_cudnn && cd tmp_cudnn
|
||||||
|
wget -q https://developer.download.nvidia.com/compute/cudnn/redist/cudnn/linux-x86_64/cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive.tar.xz -O cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive.tar.xz
|
||||||
|
tar xf cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive.tar.xz
|
||||||
|
cp -a cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive/include/* /usr/local/cuda/include/
|
||||||
|
cp -a cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive/lib/* /usr/local/cuda/lib64/
|
||||||
|
cd ..
|
||||||
|
rm -rf tmp_cudnn
|
||||||
|
|
||||||
|
# NCCL license: https://docs.nvidia.com/deeplearning/nccl/#licenses
|
||||||
|
# Follow build: https://github.com/NVIDIA/nccl/tree/master?tab=readme-ov-file#build
|
||||||
|
git clone -b $NCCL_VERSION --depth 1 https://github.com/NVIDIA/nccl.git
|
||||||
|
cd nccl && make -j src.build
|
||||||
|
cp -a build/include/* /usr/local/cuda/include/
|
||||||
|
cp -a build/lib/* /usr/local/cuda/lib64/
|
||||||
|
cd ..
|
||||||
|
rm -rf nccl
|
||||||
|
|
||||||
|
install_cusparselt_052
|
||||||
|
|
||||||
|
ldconfig
|
||||||
}
|
}
|
||||||
|
|
||||||
function install_124 {
|
function install_124 {
|
||||||
CUDNN_VERSION=9.1.0.70
|
echo "Installing CUDA 12.4.1 and cuDNN ${CUDNN_VERSION} and NCCL ${NCCL_VERSION} and cuSparseLt-0.6.2"
|
||||||
echo "Installing CUDA 12.4.1 and cuDNN ${CUDNN_VERSION} and NCCL and cuSparseLt-0.6.2"
|
rm -rf /usr/local/cuda-12.4 /usr/local/cuda
|
||||||
install_cuda 12.4.1 cuda_12.4.1_550.54.15_linux
|
# install CUDA 12.4.1 in the same container
|
||||||
|
wget -q https://developer.download.nvidia.com/compute/cuda/12.4.1/local_installers/cuda_12.4.1_550.54.15_linux.run
|
||||||
|
chmod +x cuda_12.4.1_550.54.15_linux.run
|
||||||
|
./cuda_12.4.1_550.54.15_linux.run --toolkit --silent
|
||||||
|
rm -f cuda_12.4.1_550.54.15_linux.run
|
||||||
|
rm -f /usr/local/cuda && ln -s /usr/local/cuda-12.4 /usr/local/cuda
|
||||||
|
|
||||||
install_cudnn 12 $CUDNN_VERSION
|
# cuDNN license: https://developer.nvidia.com/cudnn/license_agreement
|
||||||
|
mkdir tmp_cudnn && cd tmp_cudnn
|
||||||
|
wget -q https://developer.download.nvidia.com/compute/cudnn/redist/cudnn/linux-x86_64/cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive.tar.xz -O cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive.tar.xz
|
||||||
|
tar xf cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive.tar.xz
|
||||||
|
cp -a cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive/include/* /usr/local/cuda/include/
|
||||||
|
cp -a cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive/lib/* /usr/local/cuda/lib64/
|
||||||
|
cd ..
|
||||||
|
rm -rf tmp_cudnn
|
||||||
|
|
||||||
CUDA_VERSION=12.4 bash install_nccl.sh
|
# NCCL license: https://docs.nvidia.com/deeplearning/nccl/#licenses
|
||||||
|
# Follow build: https://github.com/NVIDIA/nccl/tree/master?tab=readme-ov-file#build
|
||||||
|
git clone -b $NCCL_VERSION --depth 1 https://github.com/NVIDIA/nccl.git
|
||||||
|
cd nccl && make -j src.build
|
||||||
|
cp -a build/include/* /usr/local/cuda/include/
|
||||||
|
cp -a build/lib/* /usr/local/cuda/lib64/
|
||||||
|
cd ..
|
||||||
|
rm -rf nccl
|
||||||
|
|
||||||
CUDA_VERSION=12.4 bash install_cusparselt.sh
|
install_cusparselt_062
|
||||||
|
|
||||||
ldconfig
|
ldconfig
|
||||||
}
|
}
|
||||||
|
|
||||||
function install_126 {
|
function install_126 {
|
||||||
CUDNN_VERSION=9.10.2.21
|
echo "Installing CUDA 12.6.2 and cuDNN ${CUDNN_VERSION} and NCCL ${NCCL_VERSION} and cuSparseLt-0.6.2"
|
||||||
echo "Installing CUDA 12.6.3 and cuDNN ${CUDNN_VERSION} and NVSHMEM and NCCL and cuSparseLt-0.7.1"
|
rm -rf /usr/local/cuda-12.6 /usr/local/cuda
|
||||||
install_cuda 12.6.3 cuda_12.6.3_560.35.05_linux
|
# install CUDA 12.6.2 in the same container
|
||||||
|
wget -q https://developer.download.nvidia.com/compute/cuda/12.6.2/local_installers/cuda_12.6.2_560.35.03_linux.run
|
||||||
|
chmod +x cuda_12.6.2_560.35.03_linux.run
|
||||||
|
./cuda_12.6.2_560.35.03_linux.run --toolkit --silent
|
||||||
|
rm -f cuda_12.6.2_560.35.03_linux.run
|
||||||
|
rm -f /usr/local/cuda && ln -s /usr/local/cuda-12.6 /usr/local/cuda
|
||||||
|
|
||||||
install_cudnn 12 $CUDNN_VERSION
|
# cuDNN license: https://developer.nvidia.com/cudnn/license_agreement
|
||||||
|
mkdir tmp_cudnn && cd tmp_cudnn
|
||||||
|
wget -q https://developer.download.nvidia.com/compute/cudnn/redist/cudnn/linux-x86_64/cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive.tar.xz -O cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive.tar.xz
|
||||||
|
tar xf cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive.tar.xz
|
||||||
|
cp -a cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive/include/* /usr/local/cuda/include/
|
||||||
|
cp -a cudnn-linux-x86_64-${CUDNN_VERSION}_cuda12-archive/lib/* /usr/local/cuda/lib64/
|
||||||
|
cd ..
|
||||||
|
rm -rf tmp_cudnn
|
||||||
|
|
||||||
install_nvshmem 12 $NVSHMEM_VERSION
|
# NCCL license: https://docs.nvidia.com/deeplearning/nccl/#licenses
|
||||||
|
# Follow build: https://github.com/NVIDIA/nccl/tree/master?tab=readme-ov-file#build
|
||||||
|
git clone -b $NCCL_VERSION --depth 1 https://github.com/NVIDIA/nccl.git
|
||||||
|
cd nccl && make -j src.build
|
||||||
|
cp -a build/include/* /usr/local/cuda/include/
|
||||||
|
cp -a build/lib/* /usr/local/cuda/lib64/
|
||||||
|
cd ..
|
||||||
|
rm -rf nccl
|
||||||
|
|
||||||
CUDA_VERSION=12.6 bash install_nccl.sh
|
install_cusparselt_062
|
||||||
|
|
||||||
CUDA_VERSION=12.6 bash install_cusparselt.sh
|
|
||||||
|
|
||||||
ldconfig
|
ldconfig
|
||||||
}
|
}
|
||||||
|
|
||||||
function install_129 {
|
function prune_118 {
|
||||||
CUDNN_VERSION=9.10.2.21
|
echo "Pruning CUDA 11.8 and cuDNN"
|
||||||
echo "Installing CUDA 12.9.1 and cuDNN ${CUDNN_VERSION} and NVSHMEM and NCCL and cuSparseLt-0.7.1"
|
#####################################################################################
|
||||||
# install CUDA 12.9.1 in the same container
|
# CUDA 11.8 prune static libs
|
||||||
install_cuda 12.9.1 cuda_12.9.1_575.57.08_linux
|
#####################################################################################
|
||||||
|
export NVPRUNE="/usr/local/cuda-11.8/bin/nvprune"
|
||||||
|
export CUDA_LIB_DIR="/usr/local/cuda-11.8/lib64"
|
||||||
|
|
||||||
# cuDNN license: https://developer.nvidia.com/cudnn/license_agreement
|
export GENCODE="-gencode arch=compute_35,code=sm_35 -gencode arch=compute_50,code=sm_50 -gencode arch=compute_60,code=sm_60 -gencode arch=compute_70,code=sm_70 -gencode arch=compute_75,code=sm_75 -gencode arch=compute_80,code=sm_80 -gencode arch=compute_86,code=sm_86 -gencode arch=compute_90,code=sm_90"
|
||||||
install_cudnn 12 $CUDNN_VERSION
|
export GENCODE_CUDNN="-gencode arch=compute_35,code=sm_35 -gencode arch=compute_37,code=sm_37 -gencode arch=compute_50,code=sm_50 -gencode arch=compute_60,code=sm_60 -gencode arch=compute_61,code=sm_61 -gencode arch=compute_70,code=sm_70 -gencode arch=compute_75,code=sm_75 -gencode arch=compute_80,code=sm_80 -gencode arch=compute_86,code=sm_86 -gencode arch=compute_90,code=sm_90"
|
||||||
|
|
||||||
install_nvshmem 12 $NVSHMEM_VERSION
|
if [[ -n "$OVERRIDE_GENCODE" ]]; then
|
||||||
|
export GENCODE=$OVERRIDE_GENCODE
|
||||||
|
fi
|
||||||
|
|
||||||
CUDA_VERSION=12.9 bash install_nccl.sh
|
# all CUDA libs except CuDNN and CuBLAS (cudnn and cublas need arch 3.7 included)
|
||||||
|
ls $CUDA_LIB_DIR/ | grep "\.a" | grep -v "culibos" | grep -v "cudart" | grep -v "cudnn" | grep -v "cublas" | grep -v "metis" \
|
||||||
|
| xargs -I {} bash -c \
|
||||||
|
"echo {} && $NVPRUNE $GENCODE $CUDA_LIB_DIR/{} -o $CUDA_LIB_DIR/{}"
|
||||||
|
|
||||||
CUDA_VERSION=12.9 bash install_cusparselt.sh
|
# prune CuDNN and CuBLAS
|
||||||
|
$NVPRUNE $GENCODE_CUDNN $CUDA_LIB_DIR/libcublas_static.a -o $CUDA_LIB_DIR/libcublas_static.a
|
||||||
|
$NVPRUNE $GENCODE_CUDNN $CUDA_LIB_DIR/libcublasLt_static.a -o $CUDA_LIB_DIR/libcublasLt_static.a
|
||||||
|
|
||||||
ldconfig
|
#####################################################################################
|
||||||
|
# CUDA 11.8 prune visual tools
|
||||||
|
#####################################################################################
|
||||||
|
export CUDA_BASE="/usr/local/cuda-11.8/"
|
||||||
|
rm -rf $CUDA_BASE/libnvvp $CUDA_BASE/nsightee_plugins $CUDA_BASE/nsight-compute-2022.3.0 $CUDA_BASE/nsight-systems-2022.4.2/
|
||||||
}
|
}
|
||||||
|
|
||||||
function install_128 {
|
function prune_121 {
|
||||||
CUDNN_VERSION=9.8.0.87
|
echo "Pruning CUDA 12.1"
|
||||||
echo "Installing CUDA 12.8.1 and cuDNN ${CUDNN_VERSION} and NVSHMEM and NCCL and cuSparseLt-0.7.1"
|
#####################################################################################
|
||||||
# install CUDA 12.8.1 in the same container
|
# CUDA 12.1 prune static libs
|
||||||
install_cuda 12.8.1 cuda_12.8.1_570.124.06_linux
|
#####################################################################################
|
||||||
|
export NVPRUNE="/usr/local/cuda-12.1/bin/nvprune"
|
||||||
|
export CUDA_LIB_DIR="/usr/local/cuda-12.1/lib64"
|
||||||
|
|
||||||
# cuDNN license: https://developer.nvidia.com/cudnn/license_agreement
|
export GENCODE="-gencode arch=compute_50,code=sm_50 -gencode arch=compute_60,code=sm_60 -gencode arch=compute_70,code=sm_70 -gencode arch=compute_75,code=sm_75 -gencode arch=compute_80,code=sm_80 -gencode arch=compute_86,code=sm_86 -gencode arch=compute_90,code=sm_90"
|
||||||
install_cudnn 12 $CUDNN_VERSION
|
export GENCODE_CUDNN="-gencode arch=compute_50,code=sm_50 -gencode arch=compute_60,code=sm_60 -gencode arch=compute_61,code=sm_61 -gencode arch=compute_70,code=sm_70 -gencode arch=compute_75,code=sm_75 -gencode arch=compute_80,code=sm_80 -gencode arch=compute_86,code=sm_86 -gencode arch=compute_90,code=sm_90"
|
||||||
|
|
||||||
install_nvshmem 12 $NVSHMEM_VERSION
|
if [[ -n "$OVERRIDE_GENCODE" ]]; then
|
||||||
|
export GENCODE=$OVERRIDE_GENCODE
|
||||||
|
fi
|
||||||
|
|
||||||
CUDA_VERSION=12.8 bash install_nccl.sh
|
# all CUDA libs except CuDNN and CuBLAS
|
||||||
|
ls $CUDA_LIB_DIR/ | grep "\.a" | grep -v "culibos" | grep -v "cudart" | grep -v "cudnn" | grep -v "cublas" | grep -v "metis" \
|
||||||
|
| xargs -I {} bash -c \
|
||||||
|
"echo {} && $NVPRUNE $GENCODE $CUDA_LIB_DIR/{} -o $CUDA_LIB_DIR/{}"
|
||||||
|
|
||||||
CUDA_VERSION=12.8 bash install_cusparselt.sh
|
# prune CuDNN and CuBLAS
|
||||||
|
$NVPRUNE $GENCODE_CUDNN $CUDA_LIB_DIR/libcublas_static.a -o $CUDA_LIB_DIR/libcublas_static.a
|
||||||
|
$NVPRUNE $GENCODE_CUDNN $CUDA_LIB_DIR/libcublasLt_static.a -o $CUDA_LIB_DIR/libcublasLt_static.a
|
||||||
|
|
||||||
ldconfig
|
#####################################################################################
|
||||||
|
# CUDA 12.1 prune visual tools
|
||||||
|
#####################################################################################
|
||||||
|
export CUDA_BASE="/usr/local/cuda-12.1/"
|
||||||
|
rm -rf $CUDA_BASE/libnvvp $CUDA_BASE/nsightee_plugins $CUDA_BASE/nsight-compute-2023.1.0 $CUDA_BASE/nsight-systems-2023.1.2/
|
||||||
}
|
}
|
||||||
|
|
||||||
function install_130 {
|
function prune_124 {
|
||||||
CUDNN_VERSION=9.13.0.50
|
echo "Pruning CUDA 12.4"
|
||||||
echo "Installing CUDA 13.0 and cuDNN ${CUDNN_VERSION} and NVSHMEM and NCCL and cuSparseLt-0.7.1"
|
#####################################################################################
|
||||||
# install CUDA 13.0 in the same container
|
# CUDA 12.4 prune static libs
|
||||||
install_cuda 13.0.0 cuda_13.0.0_580.65.06_linux
|
#####################################################################################
|
||||||
|
export NVPRUNE="/usr/local/cuda-12.4/bin/nvprune"
|
||||||
|
export CUDA_LIB_DIR="/usr/local/cuda-12.4/lib64"
|
||||||
|
|
||||||
# cuDNN license: https://developer.nvidia.com/cudnn/license_agreement
|
export GENCODE="-gencode arch=compute_50,code=sm_50 -gencode arch=compute_60,code=sm_60 -gencode arch=compute_70,code=sm_70 -gencode arch=compute_75,code=sm_75 -gencode arch=compute_80,code=sm_80 -gencode arch=compute_86,code=sm_86 -gencode arch=compute_90,code=sm_90"
|
||||||
install_cudnn 13 $CUDNN_VERSION
|
export GENCODE_CUDNN="-gencode arch=compute_50,code=sm_50 -gencode arch=compute_60,code=sm_60 -gencode arch=compute_61,code=sm_61 -gencode arch=compute_70,code=sm_70 -gencode arch=compute_75,code=sm_75 -gencode arch=compute_80,code=sm_80 -gencode arch=compute_86,code=sm_86 -gencode arch=compute_90,code=sm_90"
|
||||||
|
|
||||||
install_nvshmem 13 $NVSHMEM_VERSION
|
if [[ -n "$OVERRIDE_GENCODE" ]]; then
|
||||||
|
export GENCODE=$OVERRIDE_GENCODE
|
||||||
|
fi
|
||||||
|
if [[ -n "$OVERRIDE_GENCODE_CUDNN" ]]; then
|
||||||
|
export GENCODE_CUDNN=$OVERRIDE_GENCODE_CUDNN
|
||||||
|
fi
|
||||||
|
|
||||||
CUDA_VERSION=13.0 bash install_nccl.sh
|
# all CUDA libs except CuDNN and CuBLAS
|
||||||
|
ls $CUDA_LIB_DIR/ | grep "\.a" | grep -v "culibos" | grep -v "cudart" | grep -v "cudnn" | grep -v "cublas" | grep -v "metis" \
|
||||||
|
| xargs -I {} bash -c \
|
||||||
|
"echo {} && $NVPRUNE $GENCODE $CUDA_LIB_DIR/{} -o $CUDA_LIB_DIR/{}"
|
||||||
|
|
||||||
CUDA_VERSION=13.0 bash install_cusparselt.sh
|
# prune CuDNN and CuBLAS
|
||||||
|
$NVPRUNE $GENCODE_CUDNN $CUDA_LIB_DIR/libcublas_static.a -o $CUDA_LIB_DIR/libcublas_static.a
|
||||||
|
$NVPRUNE $GENCODE_CUDNN $CUDA_LIB_DIR/libcublasLt_static.a -o $CUDA_LIB_DIR/libcublasLt_static.a
|
||||||
|
|
||||||
ldconfig
|
#####################################################################################
|
||||||
|
# CUDA 12.4 prune visual tools
|
||||||
|
#####################################################################################
|
||||||
|
export CUDA_BASE="/usr/local/cuda-12.4/"
|
||||||
|
rm -rf $CUDA_BASE/libnvvp $CUDA_BASE/nsightee_plugins $CUDA_BASE/nsight-compute-2024.1.0 $CUDA_BASE/nsight-systems-2023.4.4/
|
||||||
|
}
|
||||||
|
|
||||||
|
function prune_126 {
|
||||||
|
echo "Pruning CUDA 12.6"
|
||||||
|
#####################################################################################
|
||||||
|
# CUDA 12.6 prune static libs
|
||||||
|
#####################################################################################
|
||||||
|
export NVPRUNE="/usr/local/cuda-12.6/bin/nvprune"
|
||||||
|
export CUDA_LIB_DIR="/usr/local/cuda-12.6/lib64"
|
||||||
|
|
||||||
|
export GENCODE="-gencode arch=compute_50,code=sm_50 -gencode arch=compute_60,code=sm_60 -gencode arch=compute_70,code=sm_70 -gencode arch=compute_75,code=sm_75 -gencode arch=compute_80,code=sm_80 -gencode arch=compute_86,code=sm_86 -gencode arch=compute_90,code=sm_90"
|
||||||
|
export GENCODE_CUDNN="-gencode arch=compute_50,code=sm_50 -gencode arch=compute_60,code=sm_60 -gencode arch=compute_61,code=sm_61 -gencode arch=compute_70,code=sm_70 -gencode arch=compute_75,code=sm_75 -gencode arch=compute_80,code=sm_80 -gencode arch=compute_86,code=sm_86 -gencode arch=compute_90,code=sm_90"
|
||||||
|
|
||||||
|
if [[ -n "$OVERRIDE_GENCODE" ]]; then
|
||||||
|
export GENCODE=$OVERRIDE_GENCODE
|
||||||
|
fi
|
||||||
|
if [[ -n "$OVERRIDE_GENCODE_CUDNN" ]]; then
|
||||||
|
export GENCODE_CUDNN=$OVERRIDE_GENCODE_CUDNN
|
||||||
|
fi
|
||||||
|
|
||||||
|
# all CUDA libs except CuDNN and CuBLAS
|
||||||
|
ls $CUDA_LIB_DIR/ | grep "\.a" | grep -v "culibos" | grep -v "cudart" | grep -v "cudnn" | grep -v "cublas" | grep -v "metis" \
|
||||||
|
| xargs -I {} bash -c \
|
||||||
|
"echo {} && $NVPRUNE $GENCODE $CUDA_LIB_DIR/{} -o $CUDA_LIB_DIR/{}"
|
||||||
|
|
||||||
|
# prune CuDNN and CuBLAS
|
||||||
|
$NVPRUNE $GENCODE_CUDNN $CUDA_LIB_DIR/libcublas_static.a -o $CUDA_LIB_DIR/libcublas_static.a
|
||||||
|
$NVPRUNE $GENCODE_CUDNN $CUDA_LIB_DIR/libcublasLt_static.a -o $CUDA_LIB_DIR/libcublasLt_static.a
|
||||||
|
|
||||||
|
#####################################################################################
|
||||||
|
# CUDA 12.6 prune visual tools
|
||||||
|
#####################################################################################
|
||||||
|
export CUDA_BASE="/usr/local/cuda-12.6/"
|
||||||
|
rm -rf $CUDA_BASE/libnvvp $CUDA_BASE/nsightee_plugins $CUDA_BASE/nsight-compute-2024.3.2 $CUDA_BASE/nsight-systems-2024.5.1/
|
||||||
}
|
}
|
||||||
|
|
||||||
# idiomatic parameter and option handling in sh
|
# idiomatic parameter and option handling in sh
|
||||||
while test $# -gt 0
|
while test $# -gt 0
|
||||||
do
|
do
|
||||||
case "$1" in
|
case "$1" in
|
||||||
12.4) install_124;
|
11.8) install_118; prune_118
|
||||||
;;
|
;;
|
||||||
12.6|12.6.*) install_126;
|
12.1) install_121; prune_121
|
||||||
;;
|
;;
|
||||||
12.8|12.8.*) install_128;
|
12.4) install_124; prune_124
|
||||||
;;
|
;;
|
||||||
12.9|12.9.*) install_129;
|
12.6) install_126; prune_126
|
||||||
;;
|
|
||||||
13.0|13.0.*) install_130;
|
|
||||||
;;
|
;;
|
||||||
*) echo "bad argument $1"; exit 1
|
*) echo "bad argument $1"; exit 1
|
||||||
;;
|
;;
|
||||||
|
163
.ci/docker/common/install_cuda_aarch64.sh
Normal file
163
.ci/docker/common/install_cuda_aarch64.sh
Normal file
@ -0,0 +1,163 @@
|
|||||||
|
#!/bin/bash
|
||||||
|
# Script used only in CD pipeline
|
||||||
|
|
||||||
|
set -ex
|
||||||
|
|
||||||
|
NCCL_VERSION=v2.21.5-1
|
||||||
|
CUDNN_VERSION=9.1.0.70
|
||||||
|
|
||||||
|
function install_cusparselt_062 {
|
||||||
|
# cuSparseLt license: https://docs.nvidia.com/cuda/cusparselt/license.html
|
||||||
|
mkdir tmp_cusparselt && pushd tmp_cusparselt
|
||||||
|
wget -q https://developer.download.nvidia.com/compute/cusparselt/redist/libcusparse_lt/linux-sbsa/libcusparse_lt-linux-sbsa-0.6.2.3-archive.tar.xz
|
||||||
|
tar xf libcusparse_lt-linux-sbsa-0.6.2.3-archive.tar.xz
|
||||||
|
cp -a libcusparse_lt-linux-sbsa-0.6.2.3-archive/include/* /usr/local/cuda/include/
|
||||||
|
cp -a libcusparse_lt-linux-sbsa-0.6.2.3-archive/lib/* /usr/local/cuda/lib64/
|
||||||
|
popd
|
||||||
|
rm -rf tmp_cusparselt
|
||||||
|
}
|
||||||
|
|
||||||
|
function install_124 {
|
||||||
|
echo "Installing CUDA 12.4.1 and cuDNN ${CUDNN_VERSION} and NCCL ${NCCL_VERSION} and cuSparseLt-0.6.2"
|
||||||
|
rm -rf /usr/local/cuda-12.4 /usr/local/cuda
|
||||||
|
# install CUDA 12.4.1 in the same container
|
||||||
|
wget -q https://developer.download.nvidia.com/compute/cuda/12.4.1/local_installers/cuda_12.4.1_550.54.15_linux_sbsa.run
|
||||||
|
chmod +x cuda_12.4.1_550.54.15_linux_sbsa.run
|
||||||
|
./cuda_12.4.1_550.54.15_linux_sbsa.run --toolkit --silent
|
||||||
|
rm -f cuda_12.4.1_550.54.15_linux_sbsa.run
|
||||||
|
rm -f /usr/local/cuda && ln -s /usr/local/cuda-12.4 /usr/local/cuda
|
||||||
|
|
||||||
|
# cuDNN license: https://developer.nvidia.com/cudnn/license_agreement
|
||||||
|
mkdir tmp_cudnn && cd tmp_cudnn
|
||||||
|
wget -q https://developer.download.nvidia.com/compute/cudnn/redist/cudnn/linux-sbsa/cudnn-linux-sbsa-${CUDNN_VERSION}_cuda12-archive.tar.xz -O cudnn-linux-sbsa-${CUDNN_VERSION}_cuda12-archive.tar.xz
|
||||||
|
tar xf cudnn-linux-sbsa-${CUDNN_VERSION}_cuda12-archive.tar.xz
|
||||||
|
cp -a cudnn-linux-sbsa-${CUDNN_VERSION}_cuda12-archive/include/* /usr/local/cuda/include/
|
||||||
|
cp -a cudnn-linux-sbsa-${CUDNN_VERSION}_cuda12-archive/lib/* /usr/local/cuda/lib64/
|
||||||
|
cd ..
|
||||||
|
rm -rf tmp_cudnn
|
||||||
|
|
||||||
|
# NCCL license: https://docs.nvidia.com/deeplearning/nccl/#licenses
|
||||||
|
# Follow build: https://github.com/NVIDIA/nccl/tree/master?tab=readme-ov-file#build
|
||||||
|
git clone -b ${NCCL_VERSION} --depth 1 https://github.com/NVIDIA/nccl.git
|
||||||
|
cd nccl && make -j src.build
|
||||||
|
cp -a build/include/* /usr/local/cuda/include/
|
||||||
|
cp -a build/lib/* /usr/local/cuda/lib64/
|
||||||
|
cd ..
|
||||||
|
rm -rf nccl
|
||||||
|
|
||||||
|
install_cusparselt_062
|
||||||
|
|
||||||
|
ldconfig
|
||||||
|
}
|
||||||
|
|
||||||
|
function prune_124 {
|
||||||
|
echo "Pruning CUDA 12.4"
|
||||||
|
#####################################################################################
|
||||||
|
# CUDA 12.4 prune static libs
|
||||||
|
#####################################################################################
|
||||||
|
export NVPRUNE="/usr/local/cuda-12.4/bin/nvprune"
|
||||||
|
export CUDA_LIB_DIR="/usr/local/cuda-12.4/lib64"
|
||||||
|
|
||||||
|
export GENCODE="-gencode arch=compute_50,code=sm_50 -gencode arch=compute_60,code=sm_60 -gencode arch=compute_70,code=sm_70 -gencode arch=compute_75,code=sm_75 -gencode arch=compute_80,code=sm_80 -gencode arch=compute_86,code=sm_86 -gencode arch=compute_90,code=sm_90"
|
||||||
|
export GENCODE_CUDNN="-gencode arch=compute_50,code=sm_50 -gencode arch=compute_60,code=sm_60 -gencode arch=compute_61,code=sm_61 -gencode arch=compute_70,code=sm_70 -gencode arch=compute_75,code=sm_75 -gencode arch=compute_80,code=sm_80 -gencode arch=compute_86,code=sm_86 -gencode arch=compute_90,code=sm_90"
|
||||||
|
|
||||||
|
if [[ -n "$OVERRIDE_GENCODE" ]]; then
|
||||||
|
export GENCODE=$OVERRIDE_GENCODE
|
||||||
|
fi
|
||||||
|
|
||||||
|
# all CUDA libs except CuDNN and CuBLAS
|
||||||
|
ls $CUDA_LIB_DIR/ | grep "\.a" | grep -v "culibos" | grep -v "cudart" | grep -v "cudnn" | grep -v "cublas" | grep -v "metis" \
|
||||||
|
| xargs -I {} bash -c \
|
||||||
|
"echo {} && $NVPRUNE $GENCODE $CUDA_LIB_DIR/{} -o $CUDA_LIB_DIR/{}"
|
||||||
|
|
||||||
|
# prune CuDNN and CuBLAS
|
||||||
|
$NVPRUNE $GENCODE_CUDNN $CUDA_LIB_DIR/libcublas_static.a -o $CUDA_LIB_DIR/libcublas_static.a
|
||||||
|
$NVPRUNE $GENCODE_CUDNN $CUDA_LIB_DIR/libcublasLt_static.a -o $CUDA_LIB_DIR/libcublasLt_static.a
|
||||||
|
|
||||||
|
#####################################################################################
|
||||||
|
# CUDA 12.4 prune visual tools
|
||||||
|
#####################################################################################
|
||||||
|
export CUDA_BASE="/usr/local/cuda-12.4/"
|
||||||
|
rm -rf $CUDA_BASE/libnvvp $CUDA_BASE/nsightee_plugins $CUDA_BASE/nsight-compute-2024.1.0 $CUDA_BASE/nsight-systems-2023.4.4/
|
||||||
|
}
|
||||||
|
|
||||||
|
function install_126 {
|
||||||
|
echo "Installing CUDA 12.6.2 and cuDNN ${CUDNN_VERSION} and NCCL ${NCCL_VERSION} and cuSparseLt-0.6.2"
|
||||||
|
rm -rf /usr/local/cuda-12.6 /usr/local/cuda
|
||||||
|
# install CUDA 12.6.2 in the same container
|
||||||
|
wget -q https://developer.download.nvidia.com/compute/cuda/12.6.2/local_installers/cuda_12.6.2_560.35.03_linux_sbsa.run
|
||||||
|
chmod +x cuda_12.6.2_560.35.03_linux_sbsa.run
|
||||||
|
./cuda_12.6.2_560.35.03_linux_sbsa.run --toolkit --silent
|
||||||
|
rm -f cuda_12.6.2_560.35.03_linux_sbsa.run
|
||||||
|
rm -f /usr/local/cuda && ln -s /usr/local/cuda-12.6 /usr/local/cuda
|
||||||
|
|
||||||
|
# cuDNN license: https://developer.nvidia.com/cudnn/license_agreement
|
||||||
|
mkdir tmp_cudnn && cd tmp_cudnn
|
||||||
|
wget -q https://developer.download.nvidia.com/compute/cudnn/redist/cudnn/linux-sbsa/cudnn-linux-sbsa-${CUDNN_VERSION}_cuda12-archive.tar.xz -O cudnn-linux-sbsa-${CUDNN_VERSION}_cuda12-archive.tar.xz
|
||||||
|
tar xf cudnn-linux-sbsa-${CUDNN_VERSION}_cuda12-archive.tar.xz
|
||||||
|
cp -a cudnn-linux-sbsa-${CUDNN_VERSION}_cuda12-archive/include/* /usr/local/cuda/include/
|
||||||
|
cp -a cudnn-linux-sbsa-${CUDNN_VERSION}_cuda12-archive/lib/* /usr/local/cuda/lib64/
|
||||||
|
cd ..
|
||||||
|
rm -rf tmp_cudnn
|
||||||
|
|
||||||
|
# NCCL license: https://docs.nvidia.com/deeplearning/nccl/#licenses
|
||||||
|
# Follow build: https://github.com/NVIDIA/nccl/tree/master?tab=readme-ov-file#build
|
||||||
|
git clone -b ${NCCL_VERSION} --depth 1 https://github.com/NVIDIA/nccl.git
|
||||||
|
cd nccl && make -j src.build
|
||||||
|
cp -a build/include/* /usr/local/cuda/include/
|
||||||
|
cp -a build/lib/* /usr/local/cuda/lib64/
|
||||||
|
cd ..
|
||||||
|
rm -rf nccl
|
||||||
|
|
||||||
|
install_cusparselt_062
|
||||||
|
|
||||||
|
ldconfig
|
||||||
|
}
|
||||||
|
|
||||||
|
function prune_126 {
|
||||||
|
echo "Pruning CUDA 12.6"
|
||||||
|
#####################################################################################
|
||||||
|
# CUDA 12.6 prune static libs
|
||||||
|
#####################################################################################
|
||||||
|
export NVPRUNE="/usr/local/cuda-12.6/bin/nvprune"
|
||||||
|
export CUDA_LIB_DIR="/usr/local/cuda-12.6/lib64"
|
||||||
|
|
||||||
|
export GENCODE="-gencode arch=compute_50,code=sm_50 -gencode arch=compute_60,code=sm_60 -gencode arch=compute_70,code=sm_70 -gencode arch=compute_75,code=sm_75 -gencode arch=compute_80,code=sm_80 -gencode arch=compute_86,code=sm_86 -gencode arch=compute_90,code=sm_90"
|
||||||
|
export GENCODE_CUDNN="-gencode arch=compute_50,code=sm_50 -gencode arch=compute_60,code=sm_60 -gencode arch=compute_61,code=sm_61 -gencode arch=compute_70,code=sm_70 -gencode arch=compute_75,code=sm_75 -gencode arch=compute_80,code=sm_80 -gencode arch=compute_86,code=sm_86 -gencode arch=compute_90,code=sm_90"
|
||||||
|
|
||||||
|
if [[ -n "$OVERRIDE_GENCODE" ]]; then
|
||||||
|
export GENCODE=$OVERRIDE_GENCODE
|
||||||
|
fi
|
||||||
|
if [[ -n "$OVERRIDE_GENCODE_CUDNN" ]]; then
|
||||||
|
export GENCODE_CUDNN=$OVERRIDE_GENCODE_CUDNN
|
||||||
|
fi
|
||||||
|
|
||||||
|
# all CUDA libs except CuDNN and CuBLAS
|
||||||
|
ls $CUDA_LIB_DIR/ | grep "\.a" | grep -v "culibos" | grep -v "cudart" | grep -v "cudnn" | grep -v "cublas" | grep -v "metis" \
|
||||||
|
| xargs -I {} bash -c \
|
||||||
|
"echo {} && $NVPRUNE $GENCODE $CUDA_LIB_DIR/{} -o $CUDA_LIB_DIR/{}"
|
||||||
|
|
||||||
|
# prune CuDNN and CuBLAS
|
||||||
|
$NVPRUNE $GENCODE_CUDNN $CUDA_LIB_DIR/libcublas_static.a -o $CUDA_LIB_DIR/libcublas_static.a
|
||||||
|
$NVPRUNE $GENCODE_CUDNN $CUDA_LIB_DIR/libcublasLt_static.a -o $CUDA_LIB_DIR/libcublasLt_static.a
|
||||||
|
|
||||||
|
#####################################################################################
|
||||||
|
# CUDA 12.6 prune visual tools
|
||||||
|
#####################################################################################
|
||||||
|
export CUDA_BASE="/usr/local/cuda-12.6/"
|
||||||
|
rm -rf $CUDA_BASE/libnvvp $CUDA_BASE/nsightee_plugins $CUDA_BASE/nsight-compute-2024.3.2 $CUDA_BASE/nsight-systems-2024.5.1/
|
||||||
|
}
|
||||||
|
|
||||||
|
# idiomatic parameter and option handling in sh
|
||||||
|
while test $# -gt 0
|
||||||
|
do
|
||||||
|
case "$1" in
|
||||||
|
12.4) install_124; prune_124
|
||||||
|
;;
|
||||||
|
12.6) install_126; prune_126
|
||||||
|
;;
|
||||||
|
*) echo "bad argument $1"; exit 1
|
||||||
|
;;
|
||||||
|
esac
|
||||||
|
shift
|
||||||
|
done
|
22
.ci/docker/common/install_cudnn.sh
Normal file
22
.ci/docker/common/install_cudnn.sh
Normal file
@ -0,0 +1,22 @@
|
|||||||
|
#!/bin/bash
|
||||||
|
|
||||||
|
if [[ -n "${CUDNN_VERSION}" ]]; then
|
||||||
|
# cuDNN license: https://developer.nvidia.com/cudnn/license_agreement
|
||||||
|
mkdir tmp_cudnn
|
||||||
|
pushd tmp_cudnn
|
||||||
|
if [[ ${CUDA_VERSION:0:2} == "12" ]]; then
|
||||||
|
CUDNN_NAME="cudnn-linux-x86_64-9.1.0.70_cuda12-archive"
|
||||||
|
elif [[ ${CUDA_VERSION:0:2} == "11" ]]; then
|
||||||
|
CUDNN_NAME="cudnn-linux-x86_64-9.1.0.70_cuda11-archive"
|
||||||
|
else
|
||||||
|
print "Unsupported CUDA version ${CUDA_VERSION}"
|
||||||
|
exit 1
|
||||||
|
fi
|
||||||
|
curl --retry 3 -OLs https://developer.download.nvidia.com/compute/cudnn/redist/cudnn/linux-x86_64/${CUDNN_NAME}.tar.xz
|
||||||
|
tar xf ${CUDNN_NAME}.tar.xz
|
||||||
|
cp -a ${CUDNN_NAME}/include/* /usr/local/cuda/include/
|
||||||
|
cp -a ${CUDNN_NAME}/lib/* /usr/local/cuda/lib64/
|
||||||
|
popd
|
||||||
|
rm -rf tmp_cudnn
|
||||||
|
ldconfig
|
||||||
|
fi
|
@ -5,23 +5,7 @@ set -ex
|
|||||||
# cuSPARSELt license: https://docs.nvidia.com/cuda/cusparselt/license.html
|
# cuSPARSELt license: https://docs.nvidia.com/cuda/cusparselt/license.html
|
||||||
mkdir tmp_cusparselt && cd tmp_cusparselt
|
mkdir tmp_cusparselt && cd tmp_cusparselt
|
||||||
|
|
||||||
if [[ ${CUDA_VERSION:0:4} =~ "13" ]]; then
|
if [[ ${CUDA_VERSION:0:4} =~ ^12\.[2-6]$ ]]; then
|
||||||
arch_path='sbsa'
|
|
||||||
export TARGETARCH=${TARGETARCH:-$(uname -m)}
|
|
||||||
if [ ${TARGETARCH} = 'amd64' ] || [ "${TARGETARCH}" = 'x86_64' ]; then
|
|
||||||
arch_path='x86_64'
|
|
||||||
fi
|
|
||||||
CUSPARSELT_NAME="libcusparse_lt-linux-${arch_path}-0.8.0.4_cuda13-archive"
|
|
||||||
curl --retry 3 -OLs https://developer.download.nvidia.com/compute/cusparselt/redist/libcusparse_lt/linux-${arch_path}/${CUSPARSELT_NAME}.tar.xz
|
|
||||||
elif [[ ${CUDA_VERSION:0:4} =~ ^12\.[5-9]$ ]]; then
|
|
||||||
arch_path='sbsa'
|
|
||||||
export TARGETARCH=${TARGETARCH:-$(uname -m)}
|
|
||||||
if [ ${TARGETARCH} = 'amd64' ] || [ "${TARGETARCH}" = 'x86_64' ]; then
|
|
||||||
arch_path='x86_64'
|
|
||||||
fi
|
|
||||||
CUSPARSELT_NAME="libcusparse_lt-linux-${arch_path}-0.7.1.0-archive"
|
|
||||||
curl --retry 3 -OLs https://developer.download.nvidia.com/compute/cusparselt/redist/libcusparse_lt/linux-${arch_path}/${CUSPARSELT_NAME}.tar.xz
|
|
||||||
elif [[ ${CUDA_VERSION:0:4} == "12.4" ]]; then
|
|
||||||
arch_path='sbsa'
|
arch_path='sbsa'
|
||||||
export TARGETARCH=${TARGETARCH:-$(uname -m)}
|
export TARGETARCH=${TARGETARCH:-$(uname -m)}
|
||||||
if [ ${TARGETARCH} = 'amd64' ] || [ "${TARGETARCH}" = 'x86_64' ]; then
|
if [ ${TARGETARCH} = 'amd64' ] || [ "${TARGETARCH}" = 'x86_64' ]; then
|
||||||
@ -29,8 +13,17 @@ elif [[ ${CUDA_VERSION:0:4} == "12.4" ]]; then
|
|||||||
fi
|
fi
|
||||||
CUSPARSELT_NAME="libcusparse_lt-linux-${arch_path}-0.6.2.3-archive"
|
CUSPARSELT_NAME="libcusparse_lt-linux-${arch_path}-0.6.2.3-archive"
|
||||||
curl --retry 3 -OLs https://developer.download.nvidia.com/compute/cusparselt/redist/libcusparse_lt/linux-${arch_path}/${CUSPARSELT_NAME}.tar.xz
|
curl --retry 3 -OLs https://developer.download.nvidia.com/compute/cusparselt/redist/libcusparse_lt/linux-${arch_path}/${CUSPARSELT_NAME}.tar.xz
|
||||||
else
|
elif [[ ${CUDA_VERSION:0:4} == "12.1" ]]; then
|
||||||
echo "Not sure which libcusparselt version to install for this ${CUDA_VERSION}"
|
arch_path='sbsa'
|
||||||
|
export TARGETARCH=${TARGETARCH:-$(uname -m)}
|
||||||
|
if [ ${TARGETARCH} = 'amd64' ] || [ "${TARGETARCH}" = 'x86_64' ]; then
|
||||||
|
arch_path='x86_64'
|
||||||
|
fi
|
||||||
|
CUSPARSELT_NAME="libcusparse_lt-linux-${arch_path}-0.5.2.1-archive"
|
||||||
|
curl --retry 3 -OLs https://developer.download.nvidia.com/compute/cusparselt/redist/libcusparse_lt/linux-${arch_path}/${CUSPARSELT_NAME}.tar.xz
|
||||||
|
elif [[ ${CUDA_VERSION:0:4} == "11.8" ]]; then
|
||||||
|
CUSPARSELT_NAME="libcusparse_lt-linux-x86_64-0.4.0.7-archive"
|
||||||
|
curl --retry 3 -OLs https://developer.download.nvidia.com/compute/cusparselt/redist/libcusparse_lt/linux-x86_64/${CUSPARSELT_NAME}.tar.xz
|
||||||
fi
|
fi
|
||||||
|
|
||||||
tar xf ${CUSPARSELT_NAME}.tar.xz
|
tar xf ${CUSPARSELT_NAME}.tar.xz
|
||||||
|
38
.ci/docker/common/install_db.sh
Executable file
38
.ci/docker/common/install_db.sh
Executable file
@ -0,0 +1,38 @@
|
|||||||
|
#!/bin/bash
|
||||||
|
|
||||||
|
set -ex
|
||||||
|
|
||||||
|
install_ubuntu() {
|
||||||
|
apt-get update
|
||||||
|
|
||||||
|
# Cleanup
|
||||||
|
apt-get autoclean && apt-get clean
|
||||||
|
rm -rf /var/lib/apt/lists/* /tmp/* /var/tmp/*
|
||||||
|
}
|
||||||
|
|
||||||
|
install_centos() {
|
||||||
|
# Need EPEL for many packages we depend on.
|
||||||
|
# See http://fedoraproject.org/wiki/EPEL
|
||||||
|
yum --enablerepo=extras install -y epel-release
|
||||||
|
|
||||||
|
# Cleanup
|
||||||
|
yum clean all
|
||||||
|
rm -rf /var/cache/yum
|
||||||
|
rm -rf /var/lib/yum/yumdb
|
||||||
|
rm -rf /var/lib/yum/history
|
||||||
|
}
|
||||||
|
|
||||||
|
# Install base packages depending on the base OS
|
||||||
|
ID=$(grep -oP '(?<=^ID=).+' /etc/os-release | tr -d '"')
|
||||||
|
case "$ID" in
|
||||||
|
ubuntu)
|
||||||
|
install_ubuntu
|
||||||
|
;;
|
||||||
|
centos)
|
||||||
|
install_centos
|
||||||
|
;;
|
||||||
|
*)
|
||||||
|
echo "Unable to determine OS..."
|
||||||
|
exit 1
|
||||||
|
;;
|
||||||
|
esac
|
@ -13,7 +13,7 @@ clone_executorch() {
|
|||||||
# and fetch the target commit
|
# and fetch the target commit
|
||||||
pushd executorch
|
pushd executorch
|
||||||
git checkout "${EXECUTORCH_PINNED_COMMIT}"
|
git checkout "${EXECUTORCH_PINNED_COMMIT}"
|
||||||
git submodule update --init --recursive
|
git submodule update --init
|
||||||
popd
|
popd
|
||||||
|
|
||||||
chown -R jenkins executorch
|
chown -R jenkins executorch
|
||||||
@ -36,33 +36,30 @@ install_conda_dependencies() {
|
|||||||
}
|
}
|
||||||
|
|
||||||
install_pip_dependencies() {
|
install_pip_dependencies() {
|
||||||
pushd executorch
|
pushd executorch/.ci/docker
|
||||||
as_jenkins bash install_executorch.sh
|
# Install PyTorch CPU build beforehand to avoid installing the much bigger CUDA
|
||||||
|
# binaries later, ExecuTorch only needs CPU
|
||||||
# A workaround, ExecuTorch has moved to numpy 2.0 which is not compatible with the current
|
pip_install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cpu
|
||||||
# numba and scipy version used in PyTorch CI
|
# Install all Python dependencies
|
||||||
conda_run pip uninstall -y numba scipy
|
pip_install -r requirements-ci.txt
|
||||||
# Yaspin is needed for running CI test (get_benchmark_analysis_data.py)
|
|
||||||
pip_install yaspin==3.1.0
|
|
||||||
|
|
||||||
popd
|
popd
|
||||||
}
|
}
|
||||||
|
|
||||||
setup_executorch() {
|
setup_executorch() {
|
||||||
export PYTHON_EXECUTABLE=python
|
pushd executorch
|
||||||
export CMAKE_ARGS="-DEXECUTORCH_BUILD_PYBIND=ON -DEXECUTORCH_BUILD_XNNPACK=ON -DEXECUTORCH_BUILD_KERNELS_QUANTIZED=ON -DEXECUTORCH_BUILD_TESTS=ON"
|
# Setup swiftshader and Vulkan SDK which are required to build the Vulkan delegate
|
||||||
|
as_jenkins bash .ci/scripts/setup-vulkan-linux-deps.sh
|
||||||
|
|
||||||
as_jenkins .ci/scripts/setup-linux.sh --build-tool cmake || true
|
export PYTHON_EXECUTABLE=python
|
||||||
|
export EXECUTORCH_BUILD_PYBIND=ON
|
||||||
|
export CMAKE_ARGS="-DEXECUTORCH_BUILD_XNNPACK=ON -DEXECUTORCH_BUILD_KERNELS_QUANTIZED=ON"
|
||||||
|
|
||||||
|
as_jenkins .ci/scripts/setup-linux.sh cmake
|
||||||
|
popd
|
||||||
}
|
}
|
||||||
|
|
||||||
if [ $# -eq 0 ]; then
|
clone_executorch
|
||||||
clone_executorch
|
install_buck2
|
||||||
install_buck2
|
install_conda_dependencies
|
||||||
install_conda_dependencies
|
install_pip_dependencies
|
||||||
install_pip_dependencies
|
setup_executorch
|
||||||
pushd executorch
|
|
||||||
setup_executorch
|
|
||||||
popd
|
|
||||||
else
|
|
||||||
"$@"
|
|
||||||
fi
|
|
||||||
|
@ -17,7 +17,7 @@ if [ -n "${UBUNTU_VERSION}" ];then
|
|||||||
libopenblas-dev libeigen3-dev libatlas-base-dev libzstd-dev
|
libopenblas-dev libeigen3-dev libatlas-base-dev libzstd-dev
|
||||||
fi
|
fi
|
||||||
|
|
||||||
pip_install numpy scipy imageio cmake ninja
|
conda_install numpy scipy imageio cmake ninja
|
||||||
|
|
||||||
git clone --depth 1 --branch release/16.x --recursive https://github.com/llvm/llvm-project.git
|
git clone --depth 1 --branch release/16.x --recursive https://github.com/llvm/llvm-project.git
|
||||||
cmake -DCMAKE_BUILD_TYPE=Release \
|
cmake -DCMAKE_BUILD_TYPE=Release \
|
||||||
@ -35,9 +35,7 @@ git clone https://github.com/halide/Halide.git
|
|||||||
pushd Halide
|
pushd Halide
|
||||||
git checkout ${COMMIT} && git submodule update --init --recursive
|
git checkout ${COMMIT} && git submodule update --init --recursive
|
||||||
pip_install -r requirements.txt
|
pip_install -r requirements.txt
|
||||||
# NOTE: pybind has a requirement for cmake > 3.5 so set the minimum cmake version here with a flag
|
cmake -G Ninja -DCMAKE_BUILD_TYPE=Release -S . -B build
|
||||||
# Context: https://github.com/pytorch/pytorch/issues/150420
|
|
||||||
cmake -G Ninja -DCMAKE_POLICY_VERSION_MINIMUM=3.5 -DCMAKE_BUILD_TYPE=Release -S . -B build
|
|
||||||
cmake --build build
|
cmake --build build
|
||||||
test -e ${CONDA_PREFIX}/lib/python3 || ln -s python${ANACONDA_PYTHON_VERSION} ${CONDA_PREFIX}/lib/python3
|
test -e ${CONDA_PREFIX}/lib/python3 || ln -s python${ANACONDA_PYTHON_VERSION} ${CONDA_PREFIX}/lib/python3
|
||||||
cmake --install build --prefix ${CONDA_PREFIX}
|
cmake --install build --prefix ${CONDA_PREFIX}
|
||||||
|
@ -5,42 +5,22 @@ set -ex
|
|||||||
source "$(dirname "${BASH_SOURCE[0]}")/common_utils.sh"
|
source "$(dirname "${BASH_SOURCE[0]}")/common_utils.sh"
|
||||||
|
|
||||||
function install_huggingface() {
|
function install_huggingface() {
|
||||||
pip_install -r huggingface-requirements.txt
|
local version
|
||||||
|
commit=$(get_pinned_commit huggingface)
|
||||||
|
pip_install pandas==2.0.3
|
||||||
|
pip_install "git+https://github.com/huggingface/transformers@${commit}"
|
||||||
}
|
}
|
||||||
|
|
||||||
function install_timm() {
|
function install_timm() {
|
||||||
local commit
|
local commit
|
||||||
commit=$(get_pinned_commit timm)
|
commit=$(get_pinned_commit timm)
|
||||||
|
pip_install pandas==2.0.3
|
||||||
pip_install "git+https://github.com/huggingface/pytorch-image-models@${commit}"
|
pip_install "git+https://github.com/huggingface/pytorch-image-models@${commit}"
|
||||||
}
|
# Clean up
|
||||||
|
conda_run pip uninstall -y cmake torch torchvision triton
|
||||||
function install_torchbench() {
|
|
||||||
local commit
|
|
||||||
commit=$(get_pinned_commit torchbench)
|
|
||||||
git clone https://github.com/pytorch/benchmark torchbench
|
|
||||||
pushd torchbench
|
|
||||||
git checkout "$commit"
|
|
||||||
|
|
||||||
python install.py --continue_on_fail
|
|
||||||
|
|
||||||
echo "Print all dependencies after TorchBench is installed"
|
|
||||||
python -mpip freeze
|
|
||||||
popd
|
|
||||||
|
|
||||||
chown -R jenkins torchbench
|
|
||||||
chown -R jenkins /opt/conda
|
|
||||||
}
|
}
|
||||||
|
|
||||||
# Pango is needed for weasyprint which is needed for doctr
|
# Pango is needed for weasyprint which is needed for doctr
|
||||||
conda_install pango
|
conda_install pango
|
||||||
|
|
||||||
# Stable packages are ok here, just to satisfy TorchBench check
|
|
||||||
pip_install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu128
|
|
||||||
|
|
||||||
install_torchbench
|
|
||||||
install_huggingface
|
install_huggingface
|
||||||
install_timm
|
install_timm
|
||||||
|
|
||||||
# Clean up
|
|
||||||
conda_run pip uninstall -y torch torchvision torchaudio triton torchao
|
|
||||||
|
@ -2,6 +2,8 @@
|
|||||||
|
|
||||||
set -ex
|
set -ex
|
||||||
|
|
||||||
|
source "$(dirname "${BASH_SOURCE[0]}")/common_utils.sh"
|
||||||
|
|
||||||
if [ -n "${UBUNTU_VERSION}" ]; then
|
if [ -n "${UBUNTU_VERSION}" ]; then
|
||||||
apt update
|
apt update
|
||||||
apt-get install -y clang doxygen git graphviz nodejs npm libtinfo5
|
apt-get install -y clang doxygen git graphviz nodejs npm libtinfo5
|
||||||
@ -13,8 +15,8 @@ chown -R jenkins pytorch
|
|||||||
|
|
||||||
pushd pytorch
|
pushd pytorch
|
||||||
# Install all linter dependencies
|
# Install all linter dependencies
|
||||||
pip install -r requirements.txt
|
pip_install -r requirements.txt
|
||||||
lintrunner init
|
conda_run lintrunner init
|
||||||
|
|
||||||
# Cache .lintbin directory as part of the Docker image
|
# Cache .lintbin directory as part of the Docker image
|
||||||
cp -r .lintbin /tmp
|
cp -r .lintbin /tmp
|
||||||
|
@ -3,6 +3,8 @@
|
|||||||
|
|
||||||
set -eou pipefail
|
set -eou pipefail
|
||||||
|
|
||||||
|
MAGMA_VERSION="2.5.2"
|
||||||
|
|
||||||
function do_install() {
|
function do_install() {
|
||||||
cuda_version=$1
|
cuda_version=$1
|
||||||
cuda_version_nodot=${1/./}
|
cuda_version_nodot=${1/./}
|
||||||
@ -15,7 +17,7 @@ function do_install() {
|
|||||||
set -x
|
set -x
|
||||||
tmp_dir=$(mktemp -d)
|
tmp_dir=$(mktemp -d)
|
||||||
pushd ${tmp_dir}
|
pushd ${tmp_dir}
|
||||||
curl -OLs https://ossci-linux.s3.us-east-1.amazonaws.com/${magma_archive}
|
curl -OLs https://anaconda.org/pytorch/magma-cuda${cuda_version_nodot}/${MAGMA_VERSION}/download/linux-64/${magma_archive}
|
||||||
tar -xvf "${magma_archive}"
|
tar -xvf "${magma_archive}"
|
||||||
mkdir -p "${cuda_dir}/magma"
|
mkdir -p "${cuda_dir}/magma"
|
||||||
mv include "${cuda_dir}/magma/include"
|
mv include "${cuda_dir}/magma/include"
|
||||||
|
@ -1,23 +0,0 @@
|
|||||||
#!/usr/bin/env bash
|
|
||||||
# Script that installs magma from tarball inside conda environment.
|
|
||||||
# It replaces anaconda magma-cuda package which is no longer published.
|
|
||||||
# Execute it inside active conda environment.
|
|
||||||
# See issue: https://github.com/pytorch/pytorch/issues/138506
|
|
||||||
|
|
||||||
set -eou pipefail
|
|
||||||
|
|
||||||
cuda_version_nodot=${1/./}
|
|
||||||
anaconda_dir=${CONDA_PREFIX:-"$(dirname $(which conda))/../"}
|
|
||||||
|
|
||||||
MAGMA_VERSION="2.6.1"
|
|
||||||
magma_archive="magma-cuda${cuda_version_nodot}-${MAGMA_VERSION}-1.tar.bz2"
|
|
||||||
(
|
|
||||||
set -x
|
|
||||||
tmp_dir=$(mktemp -d)
|
|
||||||
pushd ${tmp_dir}
|
|
||||||
curl -OLs https://ossci-linux.s3.us-east-1.amazonaws.com/${magma_archive}
|
|
||||||
tar -xvf "${magma_archive}"
|
|
||||||
mv include/* "${anaconda_dir}/include/"
|
|
||||||
mv lib/* "${anaconda_dir}/lib"
|
|
||||||
popd
|
|
||||||
)
|
|
@ -16,7 +16,7 @@ case "$ID" in
|
|||||||
ubuntu)
|
ubuntu)
|
||||||
IS_UBUNTU=1
|
IS_UBUNTU=1
|
||||||
;;
|
;;
|
||||||
centos|almalinux)
|
centos)
|
||||||
IS_UBUNTU=0
|
IS_UBUNTU=0
|
||||||
;;
|
;;
|
||||||
*)
|
*)
|
||||||
@ -43,6 +43,12 @@ else
|
|||||||
fi
|
fi
|
||||||
ROCM_INT=$(($ROCM_VERSION_MAJOR * 10000 + $ROCM_VERSION_MINOR * 100 + $ROCM_VERSION_PATCH))
|
ROCM_INT=$(($ROCM_VERSION_MAJOR * 10000 + $ROCM_VERSION_MINOR * 100 + $ROCM_VERSION_PATCH))
|
||||||
|
|
||||||
|
# Install custom MIOpen + COMgr for ROCm >= 4.0.1
|
||||||
|
if [[ $ROCM_INT -lt 40001 ]]; then
|
||||||
|
echo "ROCm version < 4.0.1; will not install custom MIOpen"
|
||||||
|
exit 0
|
||||||
|
fi
|
||||||
|
|
||||||
# Function to retry functions that sometimes timeout or have flaky failures
|
# Function to retry functions that sometimes timeout or have flaky failures
|
||||||
retry () {
|
retry () {
|
||||||
$* || (sleep 1 && $*) || (sleep 2 && $*) || (sleep 4 && $*) || (sleep 8 && $*)
|
$* || (sleep 1 && $*) || (sleep 2 && $*) || (sleep 4 && $*) || (sleep 8 && $*)
|
||||||
@ -60,27 +66,55 @@ else
|
|||||||
ROCM_INSTALL_PATH="/opt/rocm-${ROCM_VERSION}"
|
ROCM_INSTALL_PATH="/opt/rocm-${ROCM_VERSION}"
|
||||||
fi
|
fi
|
||||||
|
|
||||||
|
# MIOPEN_USE_HIP_KERNELS is a Workaround for COMgr issues
|
||||||
MIOPEN_CMAKE_COMMON_FLAGS="
|
MIOPEN_CMAKE_COMMON_FLAGS="
|
||||||
-DMIOPEN_USE_COMGR=ON
|
-DMIOPEN_USE_COMGR=ON
|
||||||
-DMIOPEN_BUILD_DRIVER=OFF
|
-DMIOPEN_BUILD_DRIVER=OFF
|
||||||
"
|
"
|
||||||
if [[ $ROCM_INT -ge 60200 ]] && [[ $ROCM_INT -lt 60204 ]]; then
|
# Pull MIOpen repo and set DMIOPEN_EMBED_DB based on ROCm version
|
||||||
MIOPEN_BRANCH="release/rocm-rel-6.2-staging"
|
if [[ $ROCM_INT -ge 60300 ]]; then
|
||||||
else
|
echo "ROCm 6.3+ MIOpen does not need any patches, do not build from source"
|
||||||
echo "ROCm ${ROCM_VERSION} does not need any patches, do not build from source"
|
|
||||||
exit 0
|
exit 0
|
||||||
|
elif [[ $ROCM_INT -ge 60200 ]] && [[ $ROCM_INT -lt 60300 ]]; then
|
||||||
|
MIOPEN_BRANCH="release/rocm-rel-6.2-staging"
|
||||||
|
elif [[ $ROCM_INT -ge 60100 ]] && [[ $ROCM_INT -lt 60200 ]]; then
|
||||||
|
echo "ROCm 6.1 MIOpen does not need any patches, do not build from source"
|
||||||
|
exit 0
|
||||||
|
elif [[ $ROCM_INT -ge 60000 ]] && [[ $ROCM_INT -lt 60100 ]]; then
|
||||||
|
echo "ROCm 6.0 MIOpen does not need any patches, do not build from source"
|
||||||
|
exit 0
|
||||||
|
elif [[ $ROCM_INT -ge 50700 ]] && [[ $ROCM_INT -lt 60000 ]]; then
|
||||||
|
echo "ROCm 5.7 MIOpen does not need any patches, do not build from source"
|
||||||
|
exit 0
|
||||||
|
elif [[ $ROCM_INT -ge 50600 ]] && [[ $ROCM_INT -lt 50700 ]]; then
|
||||||
|
MIOPEN_BRANCH="release/rocm-rel-5.6-staging"
|
||||||
|
elif [[ $ROCM_INT -ge 50500 ]] && [[ $ROCM_INT -lt 50600 ]]; then
|
||||||
|
MIOPEN_BRANCH="release/rocm-rel-5.5-gfx11"
|
||||||
|
elif [[ $ROCM_INT -ge 50400 ]] && [[ $ROCM_INT -lt 50500 ]]; then
|
||||||
|
MIOPEN_CMAKE_DB_FLAGS="-DMIOPEN_EMBED_DB=gfx900_56;gfx906_60;gfx90878;gfx90a6e;gfx1030_36 -DMIOPEN_USE_MLIR=Off"
|
||||||
|
MIOPEN_BRANCH="release/rocm-rel-5.4-staging"
|
||||||
|
elif [[ $ROCM_INT -ge 50300 ]] && [[ $ROCM_INT -lt 50400 ]]; then
|
||||||
|
MIOPEN_CMAKE_DB_FLAGS="-DMIOPEN_EMBED_DB=gfx900_56;gfx906_60;gfx90878;gfx90a6e;gfx1030_36 -DMIOPEN_USE_MLIR=Off"
|
||||||
|
MIOPEN_BRANCH="release/rocm-rel-5.3-staging"
|
||||||
|
elif [[ $ROCM_INT -ge 50200 ]] && [[ $ROCM_INT -lt 50300 ]]; then
|
||||||
|
MIOPEN_CMAKE_DB_FLAGS="-DMIOPEN_EMBED_DB=gfx900_56;gfx906_60;gfx90878;gfx90a6e;gfx1030_36 -DMIOPEN_USE_MLIR=Off"
|
||||||
|
MIOPEN_BRANCH="release/rocm-rel-5.2-staging"
|
||||||
|
elif [[ $ROCM_INT -ge 50100 ]] && [[ $ROCM_INT -lt 50200 ]]; then
|
||||||
|
MIOPEN_CMAKE_DB_FLAGS="-DMIOPEN_EMBED_DB=gfx900_56;gfx906_60;gfx90878;gfx90a6e;gfx1030_36"
|
||||||
|
MIOPEN_BRANCH="release/rocm-rel-5.1-staging"
|
||||||
|
elif [[ $ROCM_INT -ge 50000 ]] && [[ $ROCM_INT -lt 50100 ]]; then
|
||||||
|
MIOPEN_CMAKE_DB_FLAGS="-DMIOPEN_EMBED_DB=gfx900_56;gfx906_60;gfx90878;gfx90a6e;gfx1030_36"
|
||||||
|
MIOPEN_BRANCH="release/rocm-rel-5.0-staging"
|
||||||
|
else
|
||||||
|
echo "Unhandled ROCM_VERSION ${ROCM_VERSION}"
|
||||||
|
exit 1
|
||||||
fi
|
fi
|
||||||
|
|
||||||
|
|
||||||
if [[ ${IS_UBUNTU} == 1 ]]; then
|
if [[ ${IS_UBUNTU} == 1 ]]; then
|
||||||
apt-get remove -y miopen-hip
|
apt-get remove -y miopen-hip
|
||||||
else
|
else
|
||||||
# Workaround since almalinux manylinux image already has this and cget doesn't like that
|
yum remove -y miopen-hip
|
||||||
rm -rf /usr/local/lib/pkgconfig/sqlite3.pc
|
|
||||||
|
|
||||||
# Versioned package name needs regex match
|
|
||||||
# Use --noautoremove to prevent other rocm packages from being uninstalled
|
|
||||||
yum remove -y miopen-hip* --noautoremove
|
|
||||||
fi
|
fi
|
||||||
|
|
||||||
git clone https://github.com/ROCm/MIOpen -b ${MIOPEN_BRANCH}
|
git clone https://github.com/ROCm/MIOpen -b ${MIOPEN_BRANCH}
|
||||||
@ -88,7 +122,16 @@ pushd MIOpen
|
|||||||
# remove .git to save disk space since CI runner was running out
|
# remove .git to save disk space since CI runner was running out
|
||||||
rm -rf .git
|
rm -rf .git
|
||||||
# Don't build CK to save docker build time
|
# Don't build CK to save docker build time
|
||||||
sed -i '/composable_kernel/d' requirements.txt
|
if [[ $ROCM_INT -ge 60200 ]]; then
|
||||||
|
sed -i '/composable_kernel/d' requirements.txt
|
||||||
|
fi
|
||||||
|
# Don't build MLIR to save docker build time
|
||||||
|
# since we are disabling MLIR backend for MIOpen anyway
|
||||||
|
if [[ $ROCM_INT -ge 50400 ]] && [[ $ROCM_INT -lt 50500 ]]; then
|
||||||
|
sed -i '/rocMLIR/d' requirements.txt
|
||||||
|
elif [[ $ROCM_INT -ge 50200 ]] && [[ $ROCM_INT -lt 50400 ]]; then
|
||||||
|
sed -i '/llvm-project-mlir/d' requirements.txt
|
||||||
|
fi
|
||||||
## MIOpen minimum requirements
|
## MIOpen minimum requirements
|
||||||
cmake -P install_deps.cmake --minimum
|
cmake -P install_deps.cmake --minimum
|
||||||
|
|
||||||
@ -110,7 +153,7 @@ cd build
|
|||||||
PKG_CONFIG_PATH=/usr/local/lib/pkgconfig CXX=${ROCM_INSTALL_PATH}/llvm/bin/clang++ cmake .. \
|
PKG_CONFIG_PATH=/usr/local/lib/pkgconfig CXX=${ROCM_INSTALL_PATH}/llvm/bin/clang++ cmake .. \
|
||||||
${MIOPEN_CMAKE_COMMON_FLAGS} \
|
${MIOPEN_CMAKE_COMMON_FLAGS} \
|
||||||
${MIOPEN_CMAKE_DB_FLAGS} \
|
${MIOPEN_CMAKE_DB_FLAGS} \
|
||||||
-DCMAKE_PREFIX_PATH="${ROCM_INSTALL_PATH}"
|
-DCMAKE_PREFIX_PATH="${ROCM_INSTALL_PATH}/hip;${ROCM_INSTALL_PATH}"
|
||||||
make MIOpen -j $(nproc)
|
make MIOpen -j $(nproc)
|
||||||
|
|
||||||
# Build MIOpen package
|
# Build MIOpen package
|
||||||
|
@ -1,28 +0,0 @@
|
|||||||
#!/bin/bash
|
|
||||||
|
|
||||||
set -ex
|
|
||||||
|
|
||||||
NCCL_VERSION=""
|
|
||||||
if [[ ${CUDA_VERSION:0:2} == "11" ]]; then
|
|
||||||
NCCL_VERSION=$(cat ci_commit_pins/nccl-cu11.txt)
|
|
||||||
elif [[ ${CUDA_VERSION:0:2} == "12" ]]; then
|
|
||||||
NCCL_VERSION=$(cat ci_commit_pins/nccl-cu12.txt)
|
|
||||||
elif [[ ${CUDA_VERSION:0:2} == "13" ]]; then
|
|
||||||
NCCL_VERSION=$(cat ci_commit_pins/nccl-cu13.txt)
|
|
||||||
else
|
|
||||||
echo "Unexpected CUDA_VERSION ${CUDA_VERSION}"
|
|
||||||
exit 1
|
|
||||||
fi
|
|
||||||
|
|
||||||
if [[ -n "${NCCL_VERSION}" ]]; then
|
|
||||||
# NCCL license: https://docs.nvidia.com/deeplearning/nccl/#licenses
|
|
||||||
# Follow build: https://github.com/NVIDIA/nccl/tree/master?tab=readme-ov-file#build
|
|
||||||
git clone -b $NCCL_VERSION --depth 1 https://github.com/NVIDIA/nccl.git
|
|
||||||
pushd nccl
|
|
||||||
make -j src.build
|
|
||||||
cp -a build/include/* /usr/local/cuda/include/
|
|
||||||
cp -a build/lib/* /usr/local/cuda/lib64/
|
|
||||||
popd
|
|
||||||
rm -rf nccl
|
|
||||||
ldconfig
|
|
||||||
fi
|
|
@ -4,15 +4,10 @@ set -ex
|
|||||||
|
|
||||||
[ -n "$NINJA_VERSION" ]
|
[ -n "$NINJA_VERSION" ]
|
||||||
|
|
||||||
arch=$(uname -m)
|
url="https://github.com/ninja-build/ninja/releases/download/v${NINJA_VERSION}/ninja-linux.zip"
|
||||||
if [ "$arch" == "aarch64" ]; then
|
|
||||||
url="https://github.com/ninja-build/ninja/releases/download/v${NINJA_VERSION}/ninja-linux-aarch64.zip"
|
|
||||||
else
|
|
||||||
url="https://github.com/ninja-build/ninja/releases/download/v${NINJA_VERSION}/ninja-linux.zip"
|
|
||||||
fi
|
|
||||||
|
|
||||||
pushd /tmp
|
pushd /tmp
|
||||||
wget --no-verbose --output-document=ninja-linux.zip "$url"
|
wget --no-verbose --output-document=ninja-linux.zip "$url"
|
||||||
unzip ninja-linux.zip -d /usr/local/bin
|
unzip ninja-linux.zip -d /usr/local/bin
|
||||||
rm -f ninja-linux.zip
|
rm -f ninja-linux.zip
|
||||||
popd
|
popd
|
||||||
|
@ -8,6 +8,16 @@ retry () {
|
|||||||
"$@" || (sleep 10 && "$@") || (sleep 20 && "$@") || (sleep 40 && "$@")
|
"$@" || (sleep 10 && "$@") || (sleep 20 && "$@") || (sleep 40 && "$@")
|
||||||
}
|
}
|
||||||
|
|
||||||
|
# A bunch of custom pip dependencies for ONNX
|
||||||
|
pip_install \
|
||||||
|
beartype==0.15.0 \
|
||||||
|
filelock==3.9.0 \
|
||||||
|
flatbuffers==2.0 \
|
||||||
|
mock==5.0.1 \
|
||||||
|
ninja==1.10.2 \
|
||||||
|
networkx==2.5 \
|
||||||
|
numpy==1.24.2
|
||||||
|
|
||||||
# ONNXRuntime should be installed before installing
|
# ONNXRuntime should be installed before installing
|
||||||
# onnx-weekly. Otherwise, onnx-weekly could be
|
# onnx-weekly. Otherwise, onnx-weekly could be
|
||||||
# overwritten by onnx.
|
# overwritten by onnx.
|
||||||
@ -19,13 +29,17 @@ pip_install \
|
|||||||
transformers==4.36.2
|
transformers==4.36.2
|
||||||
|
|
||||||
pip_install coloredlogs packaging
|
pip_install coloredlogs packaging
|
||||||
pip_install onnxruntime==1.22.1
|
|
||||||
pip_install onnxscript==0.4.0
|
pip_install onnxruntime==1.18.1
|
||||||
|
pip_install onnx==1.16.2
|
||||||
|
pip_install onnxscript==0.1.0.dev20241009 --no-deps
|
||||||
|
# required by onnxscript
|
||||||
|
pip_install ml_dtypes
|
||||||
|
|
||||||
# Cache the transformers model to be used later by ONNX tests. We need to run the transformers
|
# Cache the transformers model to be used later by ONNX tests. We need to run the transformers
|
||||||
# package to download the model. By default, the model is cached at ~/.cache/huggingface/hub/
|
# package to download the model. By default, the model is cached at ~/.cache/huggingface/hub/
|
||||||
IMPORT_SCRIPT_FILENAME="/tmp/onnx_import_script.py"
|
IMPORT_SCRIPT_FILENAME="/tmp/onnx_import_script.py"
|
||||||
as_jenkins echo 'import transformers; transformers.GPTJForCausalLM.from_pretrained("hf-internal-testing/tiny-random-gptj");' > "${IMPORT_SCRIPT_FILENAME}"
|
as_jenkins echo 'import transformers; transformers.AutoModel.from_pretrained("sshleifer/tiny-gpt2"); transformers.AutoTokenizer.from_pretrained("sshleifer/tiny-gpt2"); transformers.AutoModelForSpeechSeq2Seq.from_pretrained("openai/whisper-large-v3");' > "${IMPORT_SCRIPT_FILENAME}"
|
||||||
|
|
||||||
# Need a PyTorch version for transformers to work
|
# Need a PyTorch version for transformers to work
|
||||||
pip_install --pre torch --index-url https://download.pytorch.org/whl/nightly/cpu
|
pip_install --pre torch --index-url https://download.pytorch.org/whl/nightly/cpu
|
||||||
|
@ -4,9 +4,9 @@
|
|||||||
set -ex
|
set -ex
|
||||||
|
|
||||||
cd /
|
cd /
|
||||||
git clone https://github.com/OpenMathLib/OpenBLAS.git -b "${OPENBLAS_VERSION:-v0.3.30}" --depth 1 --shallow-submodules
|
git clone https://github.com/OpenMathLib/OpenBLAS.git -b v0.3.25 --depth 1 --shallow-submodules
|
||||||
|
|
||||||
|
|
||||||
OPENBLAS_CHECKOUT_DIR="OpenBLAS"
|
|
||||||
OPENBLAS_BUILD_FLAGS="
|
OPENBLAS_BUILD_FLAGS="
|
||||||
NUM_THREADS=128
|
NUM_THREADS=128
|
||||||
USE_OPENMP=1
|
USE_OPENMP=1
|
||||||
@ -14,8 +14,9 @@ NO_SHARED=0
|
|||||||
DYNAMIC_ARCH=1
|
DYNAMIC_ARCH=1
|
||||||
TARGET=ARMV8
|
TARGET=ARMV8
|
||||||
CFLAGS=-O3
|
CFLAGS=-O3
|
||||||
BUILD_BFLOAT16=1
|
|
||||||
"
|
"
|
||||||
|
|
||||||
|
OPENBLAS_CHECKOUT_DIR="OpenBLAS"
|
||||||
|
|
||||||
make -j8 ${OPENBLAS_BUILD_FLAGS} -C ${OPENBLAS_CHECKOUT_DIR}
|
make -j8 ${OPENBLAS_BUILD_FLAGS} -C ${OPENBLAS_CHECKOUT_DIR}
|
||||||
make -j8 ${OPENBLAS_BUILD_FLAGS} install -C ${OPENBLAS_CHECKOUT_DIR}
|
make -j8 ${OPENBLAS_BUILD_FLAGS} install -C ${OPENBLAS_CHECKOUT_DIR}
|
||||||
|
19
.ci/docker/common/install_protobuf.sh
Executable file
19
.ci/docker/common/install_protobuf.sh
Executable file
@ -0,0 +1,19 @@
|
|||||||
|
#!/bin/bash
|
||||||
|
|
||||||
|
set -ex
|
||||||
|
|
||||||
|
pb_dir="/usr/temp_pb_install_dir"
|
||||||
|
mkdir -p $pb_dir
|
||||||
|
|
||||||
|
# On the nvidia/cuda:9-cudnn7-devel-centos7 image we need this symlink or
|
||||||
|
# else it will fail with
|
||||||
|
# g++: error: ./../lib64/crti.o: No such file or directory
|
||||||
|
ln -s /usr/lib64 "$pb_dir/lib64"
|
||||||
|
|
||||||
|
curl -LO "https://github.com/protocolbuffers/protobuf/releases/download/v3.17.3/protobuf-all-3.17.3.tar.gz" --retry 3
|
||||||
|
|
||||||
|
tar -xvz --no-same-owner -C "$pb_dir" --strip-components 1 -f protobuf-all-3.17.3.tar.gz
|
||||||
|
NPROC=$[$(nproc) - 2]
|
||||||
|
pushd "$pb_dir" && ./configure && make -j${NPROC} && make -j${NPROC} check && sudo make -j${NRPOC} install && sudo ldconfig
|
||||||
|
popd
|
||||||
|
rm -rf $pb_dir
|
@ -1,15 +0,0 @@
|
|||||||
#!/bin/bash
|
|
||||||
set -ex
|
|
||||||
|
|
||||||
apt-get update
|
|
||||||
# Use deadsnakes in case we need an older python version
|
|
||||||
sudo add-apt-repository ppa:deadsnakes/ppa
|
|
||||||
apt-get install -y python${PYTHON_VERSION} python${PYTHON_VERSION}-dev python3-pip python${PYTHON_VERSION}-venv
|
|
||||||
|
|
||||||
# Use a venv because uv and some other package managers don't support --user install
|
|
||||||
ln -s /usr/bin/python${PYTHON_VERSION} /usr/bin/python
|
|
||||||
python -m venv /var/lib/jenkins/ci_env
|
|
||||||
source /var/lib/jenkins/ci_env/bin/activate
|
|
||||||
|
|
||||||
python -mpip install --upgrade pip
|
|
||||||
python -mpip install -r /opt/requirements-ci.txt
|
|
@ -2,22 +2,19 @@
|
|||||||
|
|
||||||
set -ex
|
set -ex
|
||||||
|
|
||||||
# for pip_install function
|
|
||||||
source "$(dirname "${BASH_SOURCE[0]}")/common_utils.sh"
|
|
||||||
|
|
||||||
ROCM_COMPOSABLE_KERNEL_VERSION="$(cat $(dirname $0)/../ci_commit_pins/rocm-composable-kernel.txt)"
|
|
||||||
|
|
||||||
ver() {
|
ver() {
|
||||||
printf "%3d%03d%03d%03d" $(echo "$1" | tr '.' ' ');
|
printf "%3d%03d%03d%03d" $(echo "$1" | tr '.' ' ');
|
||||||
}
|
}
|
||||||
|
|
||||||
install_ubuntu() {
|
install_ubuntu() {
|
||||||
apt-get update
|
apt-get update
|
||||||
# gpg-agent is not available by default
|
if [[ $UBUNTU_VERSION == 18.04 ]]; then
|
||||||
apt-get install -y --no-install-recommends gpg-agent
|
# gpg-agent is not available by default on 18.04
|
||||||
if [[ $(ver $UBUNTU_VERSION) -ge $(ver 22.04) ]]; then
|
apt-get install -y --no-install-recommends gpg-agent
|
||||||
echo -e 'Package: *\nPin: release o=repo.radeon.com\nPin-Priority: 600' \
|
fi
|
||||||
| sudo tee /etc/apt/preferences.d/rocm-pin-600
|
if [[ $UBUNTU_VERSION == 20.04 ]]; then
|
||||||
|
# gpg-agent is not available by default on 20.04
|
||||||
|
apt-get install -y --no-install-recommends gpg-agent
|
||||||
fi
|
fi
|
||||||
apt-get install -y kmod
|
apt-get install -y kmod
|
||||||
apt-get install -y wget
|
apt-get install -y wget
|
||||||
@ -26,28 +23,13 @@ install_ubuntu() {
|
|||||||
apt-get install -y libc++1
|
apt-get install -y libc++1
|
||||||
apt-get install -y libc++abi1
|
apt-get install -y libc++abi1
|
||||||
|
|
||||||
# Make sure rocm packages from repo.radeon.com have highest priority
|
|
||||||
cat << EOF > /etc/apt/preferences.d/rocm-pin-600
|
|
||||||
Package: *
|
|
||||||
Pin: release o=repo.radeon.com
|
|
||||||
Pin-Priority: 600
|
|
||||||
EOF
|
|
||||||
|
|
||||||
# we want the patch version of 6.4 instead
|
|
||||||
if [[ $(ver $ROCM_VERSION) -eq $(ver 6.4) ]]; then
|
|
||||||
ROCM_VERSION="${ROCM_VERSION}.2"
|
|
||||||
fi
|
|
||||||
|
|
||||||
# Default url values
|
|
||||||
rocm_baseurl="http://repo.radeon.com/rocm/apt/${ROCM_VERSION}"
|
|
||||||
amdgpu_baseurl="https://repo.radeon.com/amdgpu/${ROCM_VERSION}/ubuntu"
|
|
||||||
|
|
||||||
# Add amdgpu repository
|
# Add amdgpu repository
|
||||||
UBUNTU_VERSION_NAME=`cat /etc/os-release | grep UBUNTU_CODENAME | awk -F= '{print $2}'`
|
UBUNTU_VERSION_NAME=`cat /etc/os-release | grep UBUNTU_CODENAME | awk -F= '{print $2}'`
|
||||||
echo "deb [arch=amd64] ${amdgpu_baseurl} ${UBUNTU_VERSION_NAME} main" > /etc/apt/sources.list.d/amdgpu.list
|
echo "deb [arch=amd64] https://repo.radeon.com/amdgpu/${ROCM_VERSION}/ubuntu ${UBUNTU_VERSION_NAME} main" > /etc/apt/sources.list.d/amdgpu.list
|
||||||
|
|
||||||
# Add rocm repository
|
# Add rocm repository
|
||||||
wget -qO - http://repo.radeon.com/rocm/rocm.gpg.key | apt-key add -
|
wget -qO - http://repo.radeon.com/rocm/rocm.gpg.key | apt-key add -
|
||||||
|
local rocm_baseurl="http://repo.radeon.com/rocm/apt/${ROCM_VERSION}"
|
||||||
echo "deb [arch=amd64] ${rocm_baseurl} ${UBUNTU_VERSION_NAME} main" > /etc/apt/sources.list.d/rocm.list
|
echo "deb [arch=amd64] ${rocm_baseurl} ${UBUNTU_VERSION_NAME} main" > /etc/apt/sources.list.d/rocm.list
|
||||||
apt-get update --allow-insecure-repositories
|
apt-get update --allow-insecure-repositories
|
||||||
|
|
||||||
@ -80,40 +62,6 @@ EOF
|
|||||||
sqlite3 $kdb "PRAGMA journal_mode=off; PRAGMA VACUUM;"
|
sqlite3 $kdb "PRAGMA journal_mode=off; PRAGMA VACUUM;"
|
||||||
done
|
done
|
||||||
|
|
||||||
# ROCm 6.3 had a regression where initializing static code objects had significant overhead
|
|
||||||
# CI no longer builds for ROCm 6.3, but
|
|
||||||
# ROCm 6.4 did not yet fix the regression, also HIP branch names are different
|
|
||||||
if [[ $(ver $ROCM_VERSION) -ge $(ver 6.4) ]] && [[ $(ver $ROCM_VERSION) -lt $(ver 7.0) ]]; then
|
|
||||||
if [[ $(ver $ROCM_VERSION) -eq $(ver 6.4.2) ]]; then
|
|
||||||
HIP_TAG=rocm-6.4.2
|
|
||||||
CLR_HASH=74d78ba3ac4bac235d02bcb48511c30b5cfdd457 # branch release/rocm-rel-6.4.2-statco-hotfix
|
|
||||||
elif [[ $(ver $ROCM_VERSION) -eq $(ver 6.4.1) ]]; then
|
|
||||||
HIP_TAG=rocm-6.4.1
|
|
||||||
CLR_HASH=efe6c35790b9206923bfeed1209902feff37f386 # branch release/rocm-rel-6.4.1-statco-hotfix
|
|
||||||
elif [[ $(ver $ROCM_VERSION) -eq $(ver 6.4) ]]; then
|
|
||||||
HIP_TAG=rocm-6.4.0
|
|
||||||
CLR_HASH=600f5b0d2baed94d5121e2174a9de0851b040b0c # branch release/rocm-rel-6.4-statco-hotfix
|
|
||||||
fi
|
|
||||||
# clr build needs CppHeaderParser but can only find it using conda's python
|
|
||||||
python -m pip install CppHeaderParser
|
|
||||||
git clone https://github.com/ROCm/HIP -b $HIP_TAG
|
|
||||||
HIP_COMMON_DIR=$(readlink -f HIP)
|
|
||||||
git clone https://github.com/jeffdaily/clr
|
|
||||||
pushd clr
|
|
||||||
git checkout $CLR_HASH
|
|
||||||
popd
|
|
||||||
mkdir -p clr/build
|
|
||||||
pushd clr/build
|
|
||||||
# Need to point CMake to the correct python installation to find CppHeaderParser
|
|
||||||
cmake .. -DPython3_EXECUTABLE=/opt/conda/envs/py_${ANACONDA_PYTHON_VERSION}/bin/python3 -DCLR_BUILD_HIP=ON -DHIP_COMMON_DIR=$HIP_COMMON_DIR
|
|
||||||
make -j
|
|
||||||
cp hipamd/lib/libamdhip64.so.6.4.* /opt/rocm/lib/libamdhip64.so.6.4.*
|
|
||||||
popd
|
|
||||||
rm -rf HIP clr
|
|
||||||
fi
|
|
||||||
|
|
||||||
pip_install "git+https://github.com/rocm/composable_kernel@$ROCM_COMPOSABLE_KERNEL_VERSION"
|
|
||||||
|
|
||||||
# Cleanup
|
# Cleanup
|
||||||
apt-get autoclean && apt-get clean
|
apt-get autoclean && apt-get clean
|
||||||
rm -rf /var/lib/apt/lists/* /tmp/* /var/tmp/*
|
rm -rf /var/lib/apt/lists/* /tmp/* /var/tmp/*
|
||||||
@ -177,8 +125,6 @@ install_centos() {
|
|||||||
sqlite3 $kdb "PRAGMA journal_mode=off; PRAGMA VACUUM;"
|
sqlite3 $kdb "PRAGMA journal_mode=off; PRAGMA VACUUM;"
|
||||||
done
|
done
|
||||||
|
|
||||||
pip_install "git+https://github.com/rocm/composable_kernel@$ROCM_COMPOSABLE_KERNEL_VERSION"
|
|
||||||
|
|
||||||
# Cleanup
|
# Cleanup
|
||||||
yum clean all
|
yum clean all
|
||||||
rm -rf /var/cache/yum
|
rm -rf /var/cache/yum
|
||||||
|
@ -12,7 +12,7 @@ case "$ID" in
|
|||||||
apt-get install -y libpciaccess-dev pkg-config
|
apt-get install -y libpciaccess-dev pkg-config
|
||||||
apt-get clean
|
apt-get clean
|
||||||
;;
|
;;
|
||||||
centos|almalinux)
|
centos)
|
||||||
yum install -y libpciaccess-devel pkgconfig
|
yum install -y libpciaccess-devel pkgconfig
|
||||||
;;
|
;;
|
||||||
*)
|
*)
|
||||||
@ -115,7 +115,7 @@ index a5007ffc..13fa07fc 100644
|
|||||||
if (!fp) {
|
if (!fp) {
|
||||||
- fprintf(stderr, "%s: %s\n", AMDGPU_ASIC_ID_TABLE,
|
- fprintf(stderr, "%s: %s\n", AMDGPU_ASIC_ID_TABLE,
|
||||||
- strerror(errno));
|
- strerror(errno));
|
||||||
+ //fprintf(stderr, "amdgpu.ids: No such file or directory\n");
|
+ fprintf(stderr, "amdgpu.ids: No such file or directory\n");
|
||||||
return;
|
return;
|
||||||
}
|
}
|
||||||
|
|
||||||
|
@ -1,37 +1,38 @@
|
|||||||
#!/usr/bin/env bash
|
#!/bin/bash
|
||||||
# Script used only in CD pipeline
|
# Script used in CI and CD pipeline
|
||||||
|
|
||||||
set -eou pipefail
|
set -ex
|
||||||
|
|
||||||
function do_install() {
|
|
||||||
rocm_version=$1
|
|
||||||
if [[ ${rocm_version} =~ ^[0-9]+\.[0-9]+\.[0-9]+$ ]]; then
|
|
||||||
# chop off any patch version
|
|
||||||
rocm_version="${rocm_version%.*}"
|
|
||||||
fi
|
|
||||||
|
|
||||||
rocm_version_nodot=${rocm_version//./}
|
MKLROOT=${MKLROOT:-/opt/conda/envs/py_$ANACONDA_PYTHON_VERSION}
|
||||||
|
|
||||||
# https://github.com/icl-utk-edu/magma/pull/65
|
# "install" hipMAGMA into /opt/rocm/magma by copying after build
|
||||||
MAGMA_VERSION=d6e4117bc88e73f06d26c6c2e14f064e8fc3d1ec
|
git clone https://bitbucket.org/icl/magma.git
|
||||||
magma_archive="magma-rocm${rocm_version_nodot}-${MAGMA_VERSION}-1.tar.bz2"
|
pushd magma
|
||||||
|
|
||||||
rocm_dir="/opt/rocm"
|
# Version 2.7.2 + ROCm related updates
|
||||||
(
|
git checkout a1625ff4d9bc362906bd01f805dbbe12612953f6
|
||||||
set -x
|
|
||||||
tmp_dir=$(mktemp -d)
|
|
||||||
pushd ${tmp_dir}
|
|
||||||
curl -OLs https://ossci-linux.s3.us-east-1.amazonaws.com/${magma_archive}
|
|
||||||
if tar -xvf "${magma_archive}"
|
|
||||||
then
|
|
||||||
mkdir -p "${rocm_dir}/magma"
|
|
||||||
mv include "${rocm_dir}/magma/include"
|
|
||||||
mv lib "${rocm_dir}/magma/lib"
|
|
||||||
else
|
|
||||||
echo "${magma_archive} not found, skipping magma install"
|
|
||||||
fi
|
|
||||||
popd
|
|
||||||
)
|
|
||||||
}
|
|
||||||
|
|
||||||
do_install $1
|
cp make.inc-examples/make.inc.hip-gcc-mkl make.inc
|
||||||
|
echo 'LIBDIR += -L$(MKLROOT)/lib' >> make.inc
|
||||||
|
if [[ -f "${MKLROOT}/lib/libmkl_core.a" ]]; then
|
||||||
|
echo 'LIB = -Wl,--start-group -lmkl_gf_lp64 -lmkl_gnu_thread -lmkl_core -Wl,--end-group -lpthread -lstdc++ -lm -lgomp -lhipblas -lhipsparse' >> make.inc
|
||||||
|
fi
|
||||||
|
echo 'LIB += -Wl,--enable-new-dtags -Wl,--rpath,/opt/rocm/lib -Wl,--rpath,$(MKLROOT)/lib -Wl,--rpath,/opt/rocm/magma/lib -ldl' >> make.inc
|
||||||
|
echo 'DEVCCFLAGS += --gpu-max-threads-per-block=256' >> make.inc
|
||||||
|
export PATH="${PATH}:/opt/rocm/bin"
|
||||||
|
if [[ -n "$PYTORCH_ROCM_ARCH" ]]; then
|
||||||
|
amdgpu_targets=`echo $PYTORCH_ROCM_ARCH | sed 's/;/ /g'`
|
||||||
|
else
|
||||||
|
amdgpu_targets=`rocm_agent_enumerator | grep -v gfx000 | sort -u | xargs`
|
||||||
|
fi
|
||||||
|
for arch in $amdgpu_targets; do
|
||||||
|
echo "DEVCCFLAGS += --offload-arch=$arch" >> make.inc
|
||||||
|
done
|
||||||
|
# hipcc with openmp flag may cause isnan() on __device__ not to be found; depending on context, compiler may attempt to match with host definition
|
||||||
|
sed -i 's/^FOPENMP/#FOPENMP/g' make.inc
|
||||||
|
make -f make.gen.hipMAGMA -j $(nproc)
|
||||||
|
LANG=C.UTF-8 make lib/libmagma.so -j $(nproc) MKLROOT="${MKLROOT}"
|
||||||
|
make testing/testing_dgemm -j $(nproc) MKLROOT="${MKLROOT}"
|
||||||
|
popd
|
||||||
|
mv magma /opt/rocm
|
||||||
|
24
.ci/docker/common/install_swiftshader.sh
Executable file
24
.ci/docker/common/install_swiftshader.sh
Executable file
@ -0,0 +1,24 @@
|
|||||||
|
#!/bin/bash
|
||||||
|
|
||||||
|
set -ex
|
||||||
|
|
||||||
|
[ -n "${SWIFTSHADER}" ]
|
||||||
|
|
||||||
|
retry () {
|
||||||
|
$* || (sleep 1 && $*) || (sleep 2 && $*) || (sleep 4 && $*) || (sleep 8 && $*)
|
||||||
|
}
|
||||||
|
|
||||||
|
_https_amazon_aws=https://ossci-android.s3.amazonaws.com
|
||||||
|
|
||||||
|
# SwiftShader
|
||||||
|
_swiftshader_dir=/var/lib/jenkins/swiftshader
|
||||||
|
_swiftshader_file_targz=swiftshader-abe07b943-prebuilt.tar.gz
|
||||||
|
mkdir -p $_swiftshader_dir
|
||||||
|
_tmp_swiftshader_targz="/tmp/${_swiftshader_file_targz}"
|
||||||
|
|
||||||
|
curl --silent --show-error --location --fail --retry 3 \
|
||||||
|
--output "${_tmp_swiftshader_targz}" "$_https_amazon_aws/${_swiftshader_file_targz}"
|
||||||
|
|
||||||
|
tar -C "${_swiftshader_dir}" -xzf "${_tmp_swiftshader_targz}"
|
||||||
|
|
||||||
|
export VK_ICD_FILENAMES="${_swiftshader_dir}/build/Linux/vk_swiftshader_icd.json"
|
@ -2,16 +2,14 @@
|
|||||||
|
|
||||||
set -ex
|
set -ex
|
||||||
|
|
||||||
mkdir -p /opt/triton
|
|
||||||
if [ -z "${TRITON}" ] && [ -z "${TRITON_CPU}" ]; then
|
|
||||||
echo "TRITON and TRITON_CPU are not set. Exiting..."
|
|
||||||
exit 0
|
|
||||||
fi
|
|
||||||
|
|
||||||
source "$(dirname "${BASH_SOURCE[0]}")/common_utils.sh"
|
source "$(dirname "${BASH_SOURCE[0]}")/common_utils.sh"
|
||||||
|
|
||||||
get_pip_version() {
|
get_conda_version() {
|
||||||
conda_run pip list | grep -w $* | head -n 1 | awk '{print $2}'
|
as_jenkins conda list -n py_$ANACONDA_PYTHON_VERSION | grep -w $* | head -n 1 | awk '{print $2}'
|
||||||
|
}
|
||||||
|
|
||||||
|
conda_reinstall() {
|
||||||
|
as_jenkins conda install -q -n py_$ANACONDA_PYTHON_VERSION -y --force-reinstall $*
|
||||||
}
|
}
|
||||||
|
|
||||||
if [ -n "${XPU_VERSION}" ]; then
|
if [ -n "${XPU_VERSION}" ]; then
|
||||||
@ -33,9 +31,11 @@ if [ -n "${UBUNTU_VERSION}" ];then
|
|||||||
apt-get install -y gpg-agent
|
apt-get install -y gpg-agent
|
||||||
fi
|
fi
|
||||||
|
|
||||||
# Keep the current cmake and numpy version here, so we can reinstall them later
|
if [ -n "${CONDA_CMAKE}" ]; then
|
||||||
CMAKE_VERSION=$(get_pip_version cmake)
|
# Keep the current cmake and numpy version here, so we can reinstall them later
|
||||||
NUMPY_VERSION=$(get_pip_version numpy)
|
CMAKE_VERSION=$(get_conda_version cmake)
|
||||||
|
NUMPY_VERSION=$(get_conda_version numpy)
|
||||||
|
fi
|
||||||
|
|
||||||
if [ -z "${MAX_JOBS}" ]; then
|
if [ -z "${MAX_JOBS}" ]; then
|
||||||
export MAX_JOBS=$(nproc)
|
export MAX_JOBS=$(nproc)
|
||||||
@ -51,13 +51,7 @@ as_jenkins git clone --recursive ${TRITON_REPO} triton
|
|||||||
cd triton
|
cd triton
|
||||||
as_jenkins git checkout ${TRITON_PINNED_COMMIT}
|
as_jenkins git checkout ${TRITON_PINNED_COMMIT}
|
||||||
as_jenkins git submodule update --init --recursive
|
as_jenkins git submodule update --init --recursive
|
||||||
|
cd python
|
||||||
# Old versions of python have setup.py in ./python; newer versions have it in ./
|
|
||||||
if [ ! -f setup.py ]; then
|
|
||||||
cd python
|
|
||||||
fi
|
|
||||||
|
|
||||||
pip_install pybind11==3.0.1
|
|
||||||
|
|
||||||
# TODO: remove patch setup.py once we have a proper fix for https://github.com/triton-lang/triton/issues/4527
|
# TODO: remove patch setup.py once we have a proper fix for https://github.com/triton-lang/triton/issues/4527
|
||||||
as_jenkins sed -i -e 's/https:\/\/tritonlang.blob.core.windows.net\/llvm-builds/https:\/\/oaitriton.blob.core.windows.net\/public\/llvm-builds/g' setup.py
|
as_jenkins sed -i -e 's/https:\/\/tritonlang.blob.core.windows.net\/llvm-builds/https:\/\/oaitriton.blob.core.windows.net\/public\/llvm-builds/g' setup.py
|
||||||
@ -66,42 +60,28 @@ if [ -n "${UBUNTU_VERSION}" ] && [ -n "${GCC_VERSION}" ] && [[ "${GCC_VERSION}"
|
|||||||
# Triton needs at least gcc-9 to build
|
# Triton needs at least gcc-9 to build
|
||||||
apt-get install -y g++-9
|
apt-get install -y g++-9
|
||||||
|
|
||||||
CXX=g++-9 conda_run python -m build --wheel --no-isolation
|
CXX=g++-9 pip_install -e .
|
||||||
elif [ -n "${UBUNTU_VERSION}" ] && [ -n "${CLANG_VERSION}" ]; then
|
elif [ -n "${UBUNTU_VERSION}" ] && [ -n "${CLANG_VERSION}" ]; then
|
||||||
# Triton needs <filesystem> which surprisingly is not available with clang-9 toolchain
|
# Triton needs <filesystem> which surprisingly is not available with clang-9 toolchain
|
||||||
add-apt-repository -y ppa:ubuntu-toolchain-r/test
|
add-apt-repository -y ppa:ubuntu-toolchain-r/test
|
||||||
apt-get install -y g++-9
|
apt-get install -y g++-9
|
||||||
|
|
||||||
CXX=g++-9 conda_run python -m build --wheel --no-isolation
|
CXX=g++-9 pip_install -e .
|
||||||
else
|
else
|
||||||
conda_run python -m build --wheel --no-isolation
|
pip_install -e .
|
||||||
fi
|
fi
|
||||||
|
|
||||||
# Copy the wheel to /opt for multi stage docker builds
|
if [ -n "${CONDA_CMAKE}" ]; then
|
||||||
cp dist/*.whl /opt/triton
|
# TODO: This is to make sure that the same cmake and numpy version from install conda
|
||||||
# Install the wheel for docker builds that don't use multi stage
|
# script is used. Without this step, the newer cmake version (3.25.2) downloaded by
|
||||||
pip_install dist/*.whl
|
# triton build step via pip will fail to detect conda MKL. Once that issue is fixed,
|
||||||
|
# this can be removed.
|
||||||
# TODO: This is to make sure that the same cmake and numpy version from install conda
|
#
|
||||||
# script is used. Without this step, the newer cmake version (3.25.2) downloaded by
|
# The correct numpy version also needs to be set here because conda claims that it
|
||||||
# triton build step via pip will fail to detect conda MKL. Once that issue is fixed,
|
# causes inconsistent environment. Without this, conda will attempt to install the
|
||||||
# this can be removed.
|
# latest numpy version, which fails ASAN tests with the following import error: Numba
|
||||||
#
|
# needs NumPy 1.20 or less.
|
||||||
# The correct numpy version also needs to be set here because conda claims that it
|
conda_reinstall cmake="${CMAKE_VERSION}"
|
||||||
# causes inconsistent environment. Without this, conda will attempt to install the
|
# Note that we install numpy with pip as conda might not have the version we want
|
||||||
# latest numpy version, which fails ASAN tests with the following import error: Numba
|
pip_install --force-reinstall numpy=="${NUMPY_VERSION}"
|
||||||
# needs NumPy 1.20 or less.
|
|
||||||
# Note that we install numpy with pip as conda might not have the version we want
|
|
||||||
if [ -n "${CMAKE_VERSION}" ]; then
|
|
||||||
pip_install "cmake==${CMAKE_VERSION}"
|
|
||||||
fi
|
|
||||||
if [ -n "${NUMPY_VERSION}" ]; then
|
|
||||||
pip_install "numpy==${NUMPY_VERSION}"
|
|
||||||
fi
|
|
||||||
|
|
||||||
# IMPORTANT: helion needs to be installed without dependencies.
|
|
||||||
# It depends on torch and triton. We don't want to install
|
|
||||||
# triton and torch from production on Docker CI images
|
|
||||||
if [[ "$ANACONDA_PYTHON_VERSION" != 3.9* ]]; then
|
|
||||||
pip_install helion --no-deps
|
|
||||||
fi
|
fi
|
||||||
|
@ -8,12 +8,6 @@ else
|
|||||||
with_cuda=no
|
with_cuda=no
|
||||||
fi
|
fi
|
||||||
|
|
||||||
if [[ -d "/opt/rocm" ]]; then
|
|
||||||
with_rocm=/opt/rocm
|
|
||||||
else
|
|
||||||
with_rocm=no
|
|
||||||
fi
|
|
||||||
|
|
||||||
function install_ucx() {
|
function install_ucx() {
|
||||||
set -ex
|
set -ex
|
||||||
git clone --recursive https://github.com/openucx/ucx.git
|
git clone --recursive https://github.com/openucx/ucx.git
|
||||||
@ -25,7 +19,6 @@ function install_ucx() {
|
|||||||
./configure --prefix=$UCX_HOME \
|
./configure --prefix=$UCX_HOME \
|
||||||
--enable-mt \
|
--enable-mt \
|
||||||
--with-cuda=$with_cuda \
|
--with-cuda=$with_cuda \
|
||||||
--with-rocm=$with_rocm \
|
|
||||||
--enable-profiling \
|
--enable-profiling \
|
||||||
--enable-stats
|
--enable-stats
|
||||||
time make -j
|
time make -j
|
||||||
@ -43,33 +36,12 @@ function install_ucc() {
|
|||||||
git submodule update --init --recursive
|
git submodule update --init --recursive
|
||||||
|
|
||||||
./autogen.sh
|
./autogen.sh
|
||||||
|
# We only run distributed tests on Tesla M60 and A10G
|
||||||
if [[ -n "$CUDA_VERSION" && $CUDA_VERSION == 13* ]]; then
|
NVCC_GENCODE="-gencode=arch=compute_52,code=sm_52 -gencode=arch=compute_86,code=compute_86"
|
||||||
NVCC_GENCODE="-gencode=arch=compute_86,code=compute_86"
|
|
||||||
else
|
|
||||||
# We only run distributed tests on Tesla M60 and A10G
|
|
||||||
NVCC_GENCODE="-gencode=arch=compute_52,code=sm_52 -gencode=arch=compute_86,code=compute_86"
|
|
||||||
fi
|
|
||||||
|
|
||||||
if [[ -n "$ROCM_VERSION" ]]; then
|
|
||||||
if [[ -n "$PYTORCH_ROCM_ARCH" ]]; then
|
|
||||||
amdgpu_targets=`echo $PYTORCH_ROCM_ARCH | sed 's/;/ /g'`
|
|
||||||
else
|
|
||||||
amdgpu_targets=`rocm_agent_enumerator | grep -v gfx000 | sort -u | xargs`
|
|
||||||
fi
|
|
||||||
for arch in $amdgpu_targets; do
|
|
||||||
HIP_OFFLOAD="$HIP_OFFLOAD --offload-arch=$arch"
|
|
||||||
done
|
|
||||||
else
|
|
||||||
HIP_OFFLOAD="all-arch-no-native"
|
|
||||||
fi
|
|
||||||
|
|
||||||
./configure --prefix=$UCC_HOME \
|
./configure --prefix=$UCC_HOME \
|
||||||
--with-ucx=$UCX_HOME \
|
--with-ucx=$UCX_HOME \
|
||||||
--with-cuda=$with_cuda \
|
--with-cuda=$with_cuda \
|
||||||
--with-nvcc-gencode="${NVCC_GENCODE}" \
|
--with-nvcc-gencode="${NVCC_GENCODE}"
|
||||||
--with-rocm=$with_rocm \
|
|
||||||
--with-rocm-arch="${HIP_OFFLOAD}"
|
|
||||||
time make -j
|
time make -j
|
||||||
sudo make install
|
sudo make install
|
||||||
|
|
||||||
|
24
.ci/docker/common/install_vulkan_sdk.sh
Executable file
24
.ci/docker/common/install_vulkan_sdk.sh
Executable file
@ -0,0 +1,24 @@
|
|||||||
|
#!/bin/bash
|
||||||
|
|
||||||
|
set -ex
|
||||||
|
|
||||||
|
[ -n "${VULKAN_SDK_VERSION}" ]
|
||||||
|
|
||||||
|
retry () {
|
||||||
|
$* || (sleep 1 && $*) || (sleep 2 && $*) || (sleep 4 && $*) || (sleep 8 && $*)
|
||||||
|
}
|
||||||
|
|
||||||
|
_vulkansdk_dir=/var/lib/jenkins/vulkansdk
|
||||||
|
_tmp_vulkansdk_targz=/tmp/vulkansdk.tar.gz
|
||||||
|
|
||||||
|
curl \
|
||||||
|
--silent \
|
||||||
|
--show-error \
|
||||||
|
--location \
|
||||||
|
--fail \
|
||||||
|
--retry 3 \
|
||||||
|
--output "${_tmp_vulkansdk_targz}" "https://ossci-android.s3.amazonaws.com/vulkansdk-linux-x86_64-${VULKAN_SDK_VERSION}.tar.gz"
|
||||||
|
|
||||||
|
mkdir -p "${_vulkansdk_dir}"
|
||||||
|
tar -C "${_vulkansdk_dir}" -xzf "${_tmp_vulkansdk_targz}" --strip-components 1
|
||||||
|
rm -rf "${_tmp_vulkansdk_targz}"
|
@ -24,39 +24,34 @@ function install_ubuntu() {
|
|||||||
| tee /etc/apt/sources.list.d/intel-gpu-${VERSION_CODENAME}.list
|
| tee /etc/apt/sources.list.d/intel-gpu-${VERSION_CODENAME}.list
|
||||||
# To add the online network network package repository for the Intel Support Packages
|
# To add the online network network package repository for the Intel Support Packages
|
||||||
wget -O- https://apt.repos.intel.com/intel-gpg-keys/GPG-PUB-KEY-INTEL-SW-PRODUCTS.PUB \
|
wget -O- https://apt.repos.intel.com/intel-gpg-keys/GPG-PUB-KEY-INTEL-SW-PRODUCTS.PUB \
|
||||||
| gpg --dearmor > /usr/share/keyrings/oneapi-archive-keyring.gpg.gpg
|
| gpg --dearmor > /usr/share/keyrings/intel-for-pytorch-gpu-dev-keyring.gpg
|
||||||
echo "deb [signed-by=/usr/share/keyrings/oneapi-archive-keyring.gpg.gpg] \
|
echo "deb [signed-by=/usr/share/keyrings/intel-for-pytorch-gpu-dev-keyring.gpg] \
|
||||||
https://apt.repos.intel.com/oneapi all main" \
|
https://apt.repos.intel.com/intel-for-pytorch-gpu-dev all main" \
|
||||||
| tee /etc/apt/sources.list.d/oneAPI.list
|
| tee /etc/apt/sources.list.d/intel-for-pytorch-gpu-dev.list
|
||||||
|
|
||||||
# Update the packages list and repository index
|
# Update the packages list and repository index
|
||||||
apt-get update
|
apt-get update
|
||||||
|
|
||||||
# The xpu-smi packages
|
# The xpu-smi packages
|
||||||
apt-get install -y flex bison xpu-smi
|
apt-get install -y flex bison xpu-smi
|
||||||
|
# Compute and Media Runtimes
|
||||||
if [[ "${XPU_DRIVER_TYPE,,}" == "lts" ]]; then
|
apt-get install -y \
|
||||||
# Compute and Media Runtimes
|
intel-opencl-icd intel-level-zero-gpu level-zero \
|
||||||
apt-get install -y \
|
intel-media-va-driver-non-free libmfx1 libmfxgen1 libvpl2 \
|
||||||
intel-opencl-icd intel-level-zero-gpu level-zero \
|
libegl-mesa0 libegl1-mesa libegl1-mesa-dev libgbm1 libgl1-mesa-dev libgl1-mesa-dri \
|
||||||
intel-media-va-driver-non-free libmfx1 libmfxgen1 libvpl2 \
|
libglapi-mesa libgles2-mesa-dev libglx-mesa0 libigdgmm12 libxatracker2 mesa-va-drivers \
|
||||||
libegl-mesa0 libegl1-mesa libegl1-mesa-dev libgbm1 libgl1-mesa-dev libgl1-mesa-dri \
|
mesa-vdpau-drivers mesa-vulkan-drivers va-driver-all vainfo hwinfo clinfo
|
||||||
libglapi-mesa libgles2-mesa-dev libglx-mesa0 libigdgmm12 libxatracker2 mesa-va-drivers \
|
if [[ "${XPU_DRIVER_TYPE,,}" == "rolling" ]]; then
|
||||||
mesa-vdpau-drivers mesa-vulkan-drivers va-driver-all vainfo hwinfo clinfo
|
apt-get install -y intel-ocloc
|
||||||
# Development Packages
|
|
||||||
apt-get install -y libigc-dev intel-igc-cm libigdfcl-dev libigfxcmrt-dev level-zero-dev
|
|
||||||
else # rolling driver
|
|
||||||
apt-get install -y \
|
|
||||||
intel-opencl-icd libze-intel-gpu1 libze1 \
|
|
||||||
intel-media-va-driver-non-free libmfx-gen1 libvpl2 \
|
|
||||||
libegl-mesa0 libegl1-mesa libegl1-mesa-dev libgbm1 libgl1-mesa-dev libgl1-mesa-dri \
|
|
||||||
libglapi-mesa libglx-mesa0 libigdgmm12 libxatracker2 mesa-va-drivers \
|
|
||||||
mesa-vdpau-drivers mesa-vulkan-drivers va-driver-all vainfo hwinfo clinfo intel-ocloc
|
|
||||||
apt-get install -y libigc-dev intel-igc-cm libigdfcl-dev libigfxcmrt-dev libze-dev
|
|
||||||
fi
|
fi
|
||||||
|
# Development Packages
|
||||||
|
apt-get install -y libigc-dev intel-igc-cm libigdfcl-dev libigfxcmrt-dev level-zero-dev
|
||||||
# Install Intel Support Packages
|
# Install Intel Support Packages
|
||||||
apt-get install -y ${XPU_PACKAGES}
|
if [ -n "$XPU_VERSION" ]; then
|
||||||
|
apt-get install -y intel-for-pytorch-gpu-dev-${XPU_VERSION} intel-pti-dev-0.9
|
||||||
|
else
|
||||||
|
apt-get install -y intel-for-pytorch-gpu-dev-0.5 intel-pti-dev-0.9
|
||||||
|
fi
|
||||||
|
|
||||||
# Cleanup
|
# Cleanup
|
||||||
apt-get autoclean && apt-get clean
|
apt-get autoclean && apt-get clean
|
||||||
@ -66,13 +61,13 @@ function install_ubuntu() {
|
|||||||
function install_rhel() {
|
function install_rhel() {
|
||||||
. /etc/os-release
|
. /etc/os-release
|
||||||
if [[ "${ID}" == "rhel" ]]; then
|
if [[ "${ID}" == "rhel" ]]; then
|
||||||
if [[ ! " 8.8 8.9 9.0 9.2 9.3 " =~ " ${VERSION_ID} " ]]; then
|
if [[ ! " 8.6 8.8 8.9 9.0 9.2 9.3 " =~ " ${VERSION_ID} " ]]; then
|
||||||
echo "RHEL version ${VERSION_ID} not supported"
|
echo "RHEL version ${VERSION_ID} not supported"
|
||||||
exit
|
exit
|
||||||
fi
|
fi
|
||||||
elif [[ "${ID}" == "almalinux" ]]; then
|
elif [[ "${ID}" == "almalinux" ]]; then
|
||||||
# Workaround for almalinux8 which used by quay.io/pypa/manylinux_2_28_x86_64
|
# Workaround for almalinux8 which used by quay.io/pypa/manylinux_2_28_x86_64
|
||||||
VERSION_ID="8.8"
|
VERSION_ID="8.6"
|
||||||
fi
|
fi
|
||||||
|
|
||||||
dnf install -y 'dnf-command(config-manager)'
|
dnf install -y 'dnf-command(config-manager)'
|
||||||
@ -80,18 +75,16 @@ function install_rhel() {
|
|||||||
dnf config-manager --add-repo \
|
dnf config-manager --add-repo \
|
||||||
https://repositories.intel.com/gpu/rhel/${VERSION_ID}${XPU_DRIVER_VERSION}/unified/intel-gpu-${VERSION_ID}.repo
|
https://repositories.intel.com/gpu/rhel/${VERSION_ID}${XPU_DRIVER_VERSION}/unified/intel-gpu-${VERSION_ID}.repo
|
||||||
# To add the online network network package repository for the Intel Support Packages
|
# To add the online network network package repository for the Intel Support Packages
|
||||||
tee > /etc/yum.repos.d/oneAPI.repo << EOF
|
tee > /etc/yum.repos.d/intel-for-pytorch-gpu-dev.repo << EOF
|
||||||
[oneAPI]
|
[intel-for-pytorch-gpu-dev]
|
||||||
name=Intel for Pytorch GPU dev repository
|
name=Intel for Pytorch GPU dev repository
|
||||||
baseurl=https://yum.repos.intel.com/oneapi
|
baseurl=https://yum.repos.intel.com/intel-for-pytorch-gpu-dev
|
||||||
enabled=1
|
enabled=1
|
||||||
gpgcheck=1
|
gpgcheck=1
|
||||||
repo_gpgcheck=1
|
repo_gpgcheck=1
|
||||||
gpgkey=https://yum.repos.intel.com/intel-gpg-keys/GPG-PUB-KEY-INTEL-SW-PRODUCTS.PUB
|
gpgkey=https://yum.repos.intel.com/intel-gpg-keys/GPG-PUB-KEY-INTEL-SW-PRODUCTS.PUB
|
||||||
EOF
|
EOF
|
||||||
|
|
||||||
# Install Intel Support Packages
|
|
||||||
yum install -y ${XPU_PACKAGES}
|
|
||||||
# The xpu-smi packages
|
# The xpu-smi packages
|
||||||
dnf install -y xpu-smi
|
dnf install -y xpu-smi
|
||||||
# Compute and Media Runtimes
|
# Compute and Media Runtimes
|
||||||
@ -106,6 +99,8 @@ EOF
|
|||||||
dnf install -y --refresh \
|
dnf install -y --refresh \
|
||||||
intel-igc-opencl-devel level-zero-devel intel-gsc-devel libmetee-devel \
|
intel-igc-opencl-devel level-zero-devel intel-gsc-devel libmetee-devel \
|
||||||
level-zero-devel
|
level-zero-devel
|
||||||
|
# Install Intel Support Packages
|
||||||
|
yum install -y intel-for-pytorch-gpu-dev-0.5 intel-pti-dev-0.9
|
||||||
|
|
||||||
# Cleanup
|
# Cleanup
|
||||||
dnf clean all
|
dnf clean all
|
||||||
@ -127,7 +122,7 @@ function install_sles() {
|
|||||||
https://repositories.intel.com/gpu/sles/${VERSION_SP}${XPU_DRIVER_VERSION}/unified/intel-gpu-${VERSION_SP}.repo
|
https://repositories.intel.com/gpu/sles/${VERSION_SP}${XPU_DRIVER_VERSION}/unified/intel-gpu-${VERSION_SP}.repo
|
||||||
rpm --import https://repositories.intel.com/gpu/intel-graphics.key
|
rpm --import https://repositories.intel.com/gpu/intel-graphics.key
|
||||||
# To add the online network network package repository for the Intel Support Packages
|
# To add the online network network package repository for the Intel Support Packages
|
||||||
zypper addrepo https://yum.repos.intel.com/oneapi oneAPI
|
zypper addrepo https://yum.repos.intel.com/intel-for-pytorch-gpu-dev intel-for-pytorch-gpu-dev
|
||||||
rpm --import https://yum.repos.intel.com/intel-gpg-keys/GPG-PUB-KEY-INTEL-SW-PRODUCTS.PUB
|
rpm --import https://yum.repos.intel.com/intel-gpg-keys/GPG-PUB-KEY-INTEL-SW-PRODUCTS.PUB
|
||||||
|
|
||||||
# The xpu-smi packages
|
# The xpu-smi packages
|
||||||
@ -139,22 +134,15 @@ function install_sles() {
|
|||||||
zypper install -y libigdfcl-devel intel-igc-cm libigfxcmrt-devel level-zero-devel
|
zypper install -y libigdfcl-devel intel-igc-cm libigfxcmrt-devel level-zero-devel
|
||||||
|
|
||||||
# Install Intel Support Packages
|
# Install Intel Support Packages
|
||||||
zypper install -y ${XPU_PACKAGES}
|
zypper install -y intel-for-pytorch-gpu-dev-0.5 intel-pti-dev-0.9
|
||||||
|
|
||||||
}
|
}
|
||||||
|
|
||||||
# Default use GPU driver rolling releases
|
# Default use GPU driver LTS releases
|
||||||
XPU_DRIVER_VERSION=""
|
XPU_DRIVER_VERSION="/lts/2350"
|
||||||
if [[ "${XPU_DRIVER_TYPE,,}" == "lts" ]]; then
|
if [[ "${XPU_DRIVER_TYPE,,}" == "rolling" ]]; then
|
||||||
# Use GPU driver LTS releases
|
# Use GPU driver rolling releases
|
||||||
XPU_DRIVER_VERSION="/lts/2350"
|
XPU_DRIVER_VERSION=""
|
||||||
fi
|
|
||||||
|
|
||||||
# Default use Intel® oneAPI Deep Learning Essentials 2025.1
|
|
||||||
if [[ "$XPU_VERSION" == "2025.2" ]]; then
|
|
||||||
XPU_PACKAGES="intel-deep-learning-essentials-2025.2"
|
|
||||||
else
|
|
||||||
XPU_PACKAGES="intel-deep-learning-essentials-2025.1"
|
|
||||||
fi
|
fi
|
||||||
|
|
||||||
# The installation depends on the base OS
|
# The installation depends on the base OS
|
||||||
|
105
.ci/docker/conda/Dockerfile
Normal file
105
.ci/docker/conda/Dockerfile
Normal file
@ -0,0 +1,105 @@
|
|||||||
|
ARG CUDA_VERSION=10.2
|
||||||
|
ARG BASE_TARGET=cuda${CUDA_VERSION}
|
||||||
|
FROM centos:7 as base
|
||||||
|
|
||||||
|
ENV LC_ALL en_US.UTF-8
|
||||||
|
ENV LANG en_US.UTF-8
|
||||||
|
ENV LANGUAGE en_US.UTF-8
|
||||||
|
|
||||||
|
ARG DEVTOOLSET_VERSION=9
|
||||||
|
RUN sed -i s/mirror.centos.org/vault.centos.org/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^#.*baseurl=http/baseurl=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^mirrorlist=http/#mirrorlist=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN yum update -y
|
||||||
|
RUN yum install -y wget curl perl util-linux xz bzip2 git patch which unzip
|
||||||
|
# Just add everything as a safe.directory for git since these will be used in multiple places with git
|
||||||
|
RUN git config --global --add safe.directory '*'
|
||||||
|
RUN yum install -y yum-utils centos-release-scl
|
||||||
|
RUN yum-config-manager --enable rhel-server-rhscl-7-rpms
|
||||||
|
RUN sed -i s/mirror.centos.org/vault.centos.org/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^#.*baseurl=http/baseurl=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^mirrorlist=http/#mirrorlist=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN yum install -y devtoolset-${DEVTOOLSET_VERSION}-gcc devtoolset-${DEVTOOLSET_VERSION}-gcc-c++ devtoolset-${DEVTOOLSET_VERSION}-gcc-gfortran devtoolset-${DEVTOOLSET_VERSION}-binutils
|
||||||
|
# EPEL for cmake
|
||||||
|
RUN yum --enablerepo=extras install -y epel-release
|
||||||
|
|
||||||
|
# cmake
|
||||||
|
RUN yum install -y cmake3 && \
|
||||||
|
ln -s /usr/bin/cmake3 /usr/bin/cmake
|
||||||
|
ENV PATH=/opt/rh/devtoolset-${DEVTOOLSET_VERSION}/root/usr/bin:$PATH
|
||||||
|
ENV LD_LIBRARY_PATH=/opt/rh/devtoolset-${DEVTOOLSET_VERSION}/root/usr/lib64:/opt/rh/devtoolset-${DEVTOOLSET_VERSION}/root/usr/lib:$LD_LIBRARY_PATH
|
||||||
|
|
||||||
|
RUN yum install -y autoconf aclocal automake make sudo
|
||||||
|
RUN rm -rf /usr/local/cuda-*
|
||||||
|
|
||||||
|
FROM base as patchelf
|
||||||
|
# Install patchelf
|
||||||
|
ADD ./common/install_patchelf.sh install_patchelf.sh
|
||||||
|
RUN bash ./install_patchelf.sh && rm install_patchelf.sh && cp $(which patchelf) /patchelf
|
||||||
|
|
||||||
|
FROM base as openssl
|
||||||
|
# Install openssl
|
||||||
|
ADD ./common/install_openssl.sh install_openssl.sh
|
||||||
|
RUN bash ./install_openssl.sh && rm install_openssl.sh
|
||||||
|
|
||||||
|
FROM base as conda
|
||||||
|
# Install Anaconda
|
||||||
|
ADD ./common/install_conda_docker.sh install_conda.sh
|
||||||
|
RUN bash ./install_conda.sh && rm install_conda.sh
|
||||||
|
|
||||||
|
# Install CUDA
|
||||||
|
FROM base as cuda
|
||||||
|
ARG CUDA_VERSION=10.2
|
||||||
|
RUN rm -rf /usr/local/cuda-*
|
||||||
|
ADD ./common/install_cuda.sh install_cuda.sh
|
||||||
|
ENV CUDA_HOME=/usr/local/cuda-${CUDA_VERSION}
|
||||||
|
# Preserve CUDA_VERSION for the builds
|
||||||
|
ENV CUDA_VERSION=${CUDA_VERSION}
|
||||||
|
# Make things in our path by default
|
||||||
|
ENV PATH=/usr/local/cuda-${CUDA_VERSION}/bin:$PATH
|
||||||
|
|
||||||
|
FROM cuda as cuda11.8
|
||||||
|
RUN bash ./install_cuda.sh 11.8
|
||||||
|
ENV DESIRED_CUDA=11.8
|
||||||
|
|
||||||
|
FROM cuda as cuda12.1
|
||||||
|
RUN bash ./install_cuda.sh 12.1
|
||||||
|
ENV DESIRED_CUDA=12.1
|
||||||
|
|
||||||
|
FROM cuda as cuda12.4
|
||||||
|
RUN bash ./install_cuda.sh 12.4
|
||||||
|
ENV DESIRED_CUDA=12.4
|
||||||
|
|
||||||
|
FROM cuda as cuda12.6
|
||||||
|
RUN bash ./install_cuda.sh 12.6
|
||||||
|
ENV DESIRED_CUDA=12.6
|
||||||
|
|
||||||
|
# Install MNIST test data
|
||||||
|
FROM base as mnist
|
||||||
|
ADD ./common/install_mnist.sh install_mnist.sh
|
||||||
|
RUN bash ./install_mnist.sh
|
||||||
|
|
||||||
|
FROM base as all_cuda
|
||||||
|
COPY --from=cuda11.8 /usr/local/cuda-11.8 /usr/local/cuda-11.8
|
||||||
|
COPY --from=cuda12.1 /usr/local/cuda-12.1 /usr/local/cuda-12.1
|
||||||
|
COPY --from=cuda12.4 /usr/local/cuda-12.4 /usr/local/cuda-12.4
|
||||||
|
COPY --from=cuda12.6 /usr/local/cuda-12.6 /usr/local/cuda-12.6
|
||||||
|
|
||||||
|
# Final step
|
||||||
|
FROM ${BASE_TARGET} as final
|
||||||
|
COPY --from=openssl /opt/openssl /opt/openssl
|
||||||
|
COPY --from=patchelf /patchelf /usr/local/bin/patchelf
|
||||||
|
COPY --from=conda /opt/conda /opt/conda
|
||||||
|
|
||||||
|
# Add jni.h for java host build.
|
||||||
|
COPY ./common/install_jni.sh install_jni.sh
|
||||||
|
COPY ./java/jni.h jni.h
|
||||||
|
RUN bash ./install_jni.sh && rm install_jni.sh
|
||||||
|
|
||||||
|
ENV PATH /opt/conda/bin:$PATH
|
||||||
|
COPY --from=mnist /usr/local/mnist /usr/local/mnist
|
||||||
|
RUN rm -rf /usr/local/cuda
|
||||||
|
RUN chmod o+rw /usr/local
|
||||||
|
RUN touch /.condarc && \
|
||||||
|
chmod o+rw /.condarc && \
|
||||||
|
chmod -R o+rw /opt/conda
|
82
.ci/docker/conda/build.sh
Executable file
82
.ci/docker/conda/build.sh
Executable file
@ -0,0 +1,82 @@
|
|||||||
|
#!/usr/bin/env bash
|
||||||
|
# Script used only in CD pipeline
|
||||||
|
|
||||||
|
set -eou pipefail
|
||||||
|
|
||||||
|
image="$1"
|
||||||
|
shift
|
||||||
|
|
||||||
|
if [ -z "${image}" ]; then
|
||||||
|
echo "Usage: $0 IMAGE"
|
||||||
|
exit 1
|
||||||
|
fi
|
||||||
|
|
||||||
|
DOCKER_IMAGE_NAME="pytorch/${image}"
|
||||||
|
|
||||||
|
|
||||||
|
export DOCKER_BUILDKIT=1
|
||||||
|
TOPDIR=$(git rev-parse --show-toplevel)
|
||||||
|
|
||||||
|
CUDA_VERSION=${CUDA_VERSION:-12.1}
|
||||||
|
|
||||||
|
case ${CUDA_VERSION} in
|
||||||
|
cpu)
|
||||||
|
BASE_TARGET=base
|
||||||
|
DOCKER_TAG=cpu
|
||||||
|
;;
|
||||||
|
all)
|
||||||
|
BASE_TARGET=all_cuda
|
||||||
|
DOCKER_TAG=latest
|
||||||
|
;;
|
||||||
|
*)
|
||||||
|
BASE_TARGET=cuda${CUDA_VERSION}
|
||||||
|
DOCKER_TAG=cuda${CUDA_VERSION}
|
||||||
|
;;
|
||||||
|
esac
|
||||||
|
|
||||||
|
|
||||||
|
(
|
||||||
|
set -x
|
||||||
|
# TODO: Remove LimitNOFILE=1048576 patch once https://github.com/pytorch/test-infra/issues/5712
|
||||||
|
# is resolved. This patch is required in order to fix timing out of Docker build on Amazon Linux 2023.
|
||||||
|
sudo sed -i s/LimitNOFILE=infinity/LimitNOFILE=1048576/ /usr/lib/systemd/system/docker.service
|
||||||
|
sudo systemctl daemon-reload
|
||||||
|
sudo systemctl restart docker
|
||||||
|
|
||||||
|
docker build \
|
||||||
|
--target final \
|
||||||
|
--progress plain \
|
||||||
|
--build-arg "BASE_TARGET=${BASE_TARGET}" \
|
||||||
|
--build-arg "CUDA_VERSION=${CUDA_VERSION}" \
|
||||||
|
--build-arg "DEVTOOLSET_VERSION=9" \
|
||||||
|
-t ${DOCKER_IMAGE_NAME} \
|
||||||
|
$@ \
|
||||||
|
-f "${TOPDIR}/.ci/docker/conda/Dockerfile" \
|
||||||
|
${TOPDIR}/.ci/docker/
|
||||||
|
)
|
||||||
|
|
||||||
|
if [[ "${DOCKER_TAG}" =~ ^cuda* ]]; then
|
||||||
|
# Test that we're using the right CUDA compiler
|
||||||
|
(
|
||||||
|
set -x
|
||||||
|
docker run --rm "${DOCKER_IMAGE_NAME}" nvcc --version | grep "cuda_${CUDA_VERSION}"
|
||||||
|
)
|
||||||
|
fi
|
||||||
|
|
||||||
|
GITHUB_REF=${GITHUB_REF:-$(git symbolic-ref -q HEAD || git describe --tags --exact-match)}
|
||||||
|
GIT_BRANCH_NAME=${GITHUB_REF##*/}
|
||||||
|
GIT_COMMIT_SHA=${GITHUB_SHA:-$(git rev-parse HEAD)}
|
||||||
|
DOCKER_IMAGE_BRANCH_TAG=${DOCKER_IMAGE_NAME}-${GIT_BRANCH_NAME}
|
||||||
|
DOCKER_IMAGE_SHA_TAG=${DOCKER_IMAGE_NAME}-${GIT_COMMIT_SHA}
|
||||||
|
if [[ "${WITH_PUSH:-}" == true ]]; then
|
||||||
|
(
|
||||||
|
set -x
|
||||||
|
docker push "${DOCKER_IMAGE_NAME}"
|
||||||
|
if [[ -n ${GITHUB_REF} ]]; then
|
||||||
|
docker tag ${DOCKER_IMAGE_NAME} ${DOCKER_IMAGE_BRANCH_TAG}
|
||||||
|
docker tag ${DOCKER_IMAGE_NAME} ${DOCKER_IMAGE_SHA_TAG}
|
||||||
|
docker push "${DOCKER_IMAGE_BRANCH_TAG}"
|
||||||
|
docker push "${DOCKER_IMAGE_SHA_TAG}"
|
||||||
|
fi
|
||||||
|
)
|
||||||
|
fi
|
@ -49,41 +49,29 @@ RUN bash ./install_mkl.sh && rm install_mkl.sh
|
|||||||
FROM cpu as cuda
|
FROM cpu as cuda
|
||||||
ADD ./common/install_cuda.sh install_cuda.sh
|
ADD ./common/install_cuda.sh install_cuda.sh
|
||||||
ADD ./common/install_magma.sh install_magma.sh
|
ADD ./common/install_magma.sh install_magma.sh
|
||||||
COPY ./common/install_nccl.sh install_nccl.sh
|
|
||||||
COPY ./ci_commit_pins/nccl-cu* /ci_commit_pins/
|
|
||||||
COPY ./common/install_cusparselt.sh install_cusparselt.sh
|
|
||||||
ENV CUDA_HOME /usr/local/cuda
|
ENV CUDA_HOME /usr/local/cuda
|
||||||
|
|
||||||
|
FROM cuda as cuda11.8
|
||||||
|
RUN bash ./install_cuda.sh 11.8
|
||||||
|
RUN bash ./install_magma.sh 11.8
|
||||||
|
RUN ln -sf /usr/local/cuda-11.8 /usr/local/cuda
|
||||||
|
|
||||||
|
FROM cuda as cuda12.1
|
||||||
|
RUN bash ./install_cuda.sh 12.1
|
||||||
|
RUN bash ./install_magma.sh 12.1
|
||||||
|
RUN ln -sf /usr/local/cuda-12.1 /usr/local/cuda
|
||||||
|
|
||||||
|
FROM cuda as cuda12.4
|
||||||
|
RUN bash ./install_cuda.sh 12.4
|
||||||
|
RUN bash ./install_magma.sh 12.4
|
||||||
|
RUN ln -sf /usr/local/cuda-12.4 /usr/local/cuda
|
||||||
|
|
||||||
FROM cuda as cuda12.6
|
FROM cuda as cuda12.6
|
||||||
RUN bash ./install_cuda.sh 12.6
|
RUN bash ./install_cuda.sh 12.6
|
||||||
RUN bash ./install_magma.sh 12.6
|
RUN bash ./install_magma.sh 12.6
|
||||||
RUN ln -sf /usr/local/cuda-12.6 /usr/local/cuda
|
RUN ln -sf /usr/local/cuda-12.6 /usr/local/cuda
|
||||||
|
|
||||||
FROM cuda as cuda12.8
|
|
||||||
RUN bash ./install_cuda.sh 12.8
|
|
||||||
RUN bash ./install_magma.sh 12.8
|
|
||||||
RUN ln -sf /usr/local/cuda-12.8 /usr/local/cuda
|
|
||||||
|
|
||||||
FROM cuda as cuda12.9
|
|
||||||
RUN bash ./install_cuda.sh 12.9
|
|
||||||
RUN bash ./install_magma.sh 12.9
|
|
||||||
RUN ln -sf /usr/local/cuda-12.9 /usr/local/cuda
|
|
||||||
|
|
||||||
FROM cuda as cuda13.0
|
|
||||||
RUN bash ./install_cuda.sh 13.0
|
|
||||||
RUN bash ./install_magma.sh 13.0
|
|
||||||
RUN ln -sf /usr/local/cuda-13.0 /usr/local/cuda
|
|
||||||
|
|
||||||
# Install libibverbs for libtorch and copy to CUDA directory
|
|
||||||
RUN apt-get update -y && \
|
|
||||||
apt-get install -y libibverbs-dev librdmacm-dev && \
|
|
||||||
cp /usr/lib/x86_64-linux-gnu/libmlx5.so* /usr/local/cuda/lib64/ && \
|
|
||||||
cp /usr/lib/x86_64-linux-gnu/librdmacm.so* /usr/local/cuda/lib64/ && \
|
|
||||||
cp /usr/lib/x86_64-linux-gnu/libibverbs.so* /usr/local/cuda/lib64/ && \
|
|
||||||
cp /usr/lib/x86_64-linux-gnu/libnl* /usr/local/cuda/lib64/
|
|
||||||
|
|
||||||
FROM cpu as rocm
|
FROM cpu as rocm
|
||||||
ARG ROCM_VERSION
|
|
||||||
ARG PYTORCH_ROCM_ARCH
|
ARG PYTORCH_ROCM_ARCH
|
||||||
ENV PYTORCH_ROCM_ARCH ${PYTORCH_ROCM_ARCH}
|
ENV PYTORCH_ROCM_ARCH ${PYTORCH_ROCM_ARCH}
|
||||||
ENV MKLROOT /opt/intel
|
ENV MKLROOT /opt/intel
|
||||||
@ -98,11 +86,18 @@ ADD ./common/install_rocm_magma.sh install_rocm_magma.sh
|
|||||||
# gfortran and python needed for building magma from source for ROCm
|
# gfortran and python needed for building magma from source for ROCm
|
||||||
RUN apt-get update -y && \
|
RUN apt-get update -y && \
|
||||||
apt-get install gfortran -y && \
|
apt-get install gfortran -y && \
|
||||||
apt-get install python3 python-is-python3 -y && \
|
apt-get install python -y && \
|
||||||
apt-get clean
|
apt-get clean
|
||||||
|
|
||||||
RUN bash ./install_rocm_drm.sh && rm install_rocm_drm.sh
|
RUN bash ./install_rocm_drm.sh && rm install_rocm_drm.sh
|
||||||
RUN bash ./install_rocm_magma.sh ${ROCM_VERSION} && rm install_rocm_magma.sh
|
RUN bash ./install_rocm_magma.sh && rm install_rocm_magma.sh
|
||||||
|
|
||||||
|
# Install AOTriton
|
||||||
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
|
COPY ./aotriton_version.txt aotriton_version.txt
|
||||||
|
COPY ./common/install_aotriton.sh install_aotriton.sh
|
||||||
|
RUN bash ./install_aotriton.sh /opt/rocm && rm install_aotriton.sh aotriton_version.txt
|
||||||
|
ENV AOTRITON_INSTALLED_PREFIX /opt/rocm/aotriton
|
||||||
|
|
||||||
FROM ${BASE_TARGET} as final
|
FROM ${BASE_TARGET} as final
|
||||||
COPY --from=openssl /opt/openssl /opt/openssl
|
COPY --from=openssl /opt/openssl /opt/openssl
|
||||||
|
@ -1,71 +1,93 @@
|
|||||||
#!/usr/bin/env bash
|
#!/usr/bin/env bash
|
||||||
# Script used only in CD pipeline
|
# Script used only in CD pipeline
|
||||||
|
|
||||||
set -eoux pipefail
|
set -eou pipefail
|
||||||
|
|
||||||
image="$1"
|
image="$1"
|
||||||
shift
|
shift
|
||||||
|
|
||||||
if [ -z "${image}" ]; then
|
if [ -z "${image}" ]; then
|
||||||
echo "Usage: $0 IMAGENAME:ARCHTAG"
|
echo "Usage: $0 IMAGE"
|
||||||
exit 1
|
exit 1
|
||||||
fi
|
fi
|
||||||
|
|
||||||
|
DOCKER_IMAGE="pytorch/${image}"
|
||||||
|
|
||||||
TOPDIR=$(git rev-parse --show-toplevel)
|
TOPDIR=$(git rev-parse --show-toplevel)
|
||||||
|
|
||||||
|
GPU_ARCH_TYPE=${GPU_ARCH_TYPE:-cpu}
|
||||||
|
GPU_ARCH_VERSION=${GPU_ARCH_VERSION:-}
|
||||||
|
|
||||||
|
WITH_PUSH=${WITH_PUSH:-}
|
||||||
|
|
||||||
DOCKER=${DOCKER:-docker}
|
DOCKER=${DOCKER:-docker}
|
||||||
|
|
||||||
# Go from imagename:tag to tag
|
case ${GPU_ARCH_TYPE} in
|
||||||
DOCKER_TAG_PREFIX=$(echo "${image}" | awk -F':' '{print $2}')
|
|
||||||
|
|
||||||
GPU_ARCH_VERSION=""
|
|
||||||
if [[ "${DOCKER_TAG_PREFIX}" == cuda* ]]; then
|
|
||||||
# extract cuda version from image name. e.g. manylinux2_28-builder:cuda12.8 returns 12.8
|
|
||||||
GPU_ARCH_VERSION=$(echo "${DOCKER_TAG_PREFIX}" | awk -F'cuda' '{print $2}')
|
|
||||||
elif [[ "${DOCKER_TAG_PREFIX}" == rocm* ]]; then
|
|
||||||
# extract rocm version from image name. e.g. manylinux2_28-builder:rocm6.2.4 returns 6.2.4
|
|
||||||
GPU_ARCH_VERSION=$(echo "${DOCKER_TAG_PREFIX}" | awk -F'rocm' '{print $2}')
|
|
||||||
fi
|
|
||||||
|
|
||||||
case ${DOCKER_TAG_PREFIX} in
|
|
||||||
cpu)
|
cpu)
|
||||||
BASE_TARGET=cpu
|
BASE_TARGET=cpu
|
||||||
|
DOCKER_TAG=cpu
|
||||||
GPU_IMAGE=ubuntu:20.04
|
GPU_IMAGE=ubuntu:20.04
|
||||||
DOCKER_GPU_BUILD_ARG=""
|
DOCKER_GPU_BUILD_ARG=""
|
||||||
;;
|
;;
|
||||||
cuda*)
|
cuda)
|
||||||
BASE_TARGET=cuda${GPU_ARCH_VERSION}
|
BASE_TARGET=cuda${GPU_ARCH_VERSION}
|
||||||
|
DOCKER_TAG=cuda${GPU_ARCH_VERSION}
|
||||||
GPU_IMAGE=ubuntu:20.04
|
GPU_IMAGE=ubuntu:20.04
|
||||||
DOCKER_GPU_BUILD_ARG=""
|
DOCKER_GPU_BUILD_ARG=""
|
||||||
;;
|
;;
|
||||||
rocm*)
|
rocm)
|
||||||
# we want the patch version of 6.4 instead
|
|
||||||
if [[ "$GPU_ARCH_VERSION" == *"6.4"* ]]; then
|
|
||||||
GPU_ARCH_VERSION="${GPU_ARCH_VERSION}.2"
|
|
||||||
fi
|
|
||||||
BASE_TARGET=rocm
|
BASE_TARGET=rocm
|
||||||
GPU_IMAGE=rocm/dev-ubuntu-22.04:${GPU_ARCH_VERSION}-complete
|
DOCKER_TAG=rocm${GPU_ARCH_VERSION}
|
||||||
PYTORCH_ROCM_ARCH="gfx900;gfx906;gfx908;gfx90a;gfx942;gfx1030;gfx1100;gfx1101;gfx1102;gfx1200;gfx1201"
|
GPU_IMAGE=rocm/dev-ubuntu-20.04:${GPU_ARCH_VERSION}-complete
|
||||||
# add gfx950 conditionally starting in ROCm 7.0
|
PYTORCH_ROCM_ARCH="gfx900;gfx906;gfx908;gfx90a;gfx1030;gfx1100"
|
||||||
if [[ "$GPU_ARCH_VERSION" == *"7.0"* ]]; then
|
ROCM_REGEX="([0-9]+)\.([0-9]+)[\.]?([0-9]*)"
|
||||||
PYTORCH_ROCM_ARCH="${PYTORCH_ROCM_ARCH};gfx950"
|
if [[ $GPU_ARCH_VERSION =~ $ROCM_REGEX ]]; then
|
||||||
|
ROCM_VERSION_INT=$((${BASH_REMATCH[1]}*10000 + ${BASH_REMATCH[2]}*100 + ${BASH_REMATCH[3]:-0}))
|
||||||
|
else
|
||||||
|
echo "ERROR: rocm regex failed"
|
||||||
|
exit 1
|
||||||
fi
|
fi
|
||||||
DOCKER_GPU_BUILD_ARG="--build-arg PYTORCH_ROCM_ARCH=${PYTORCH_ROCM_ARCH} --build-arg ROCM_VERSION=${GPU_ARCH_VERSION}"
|
if [[ $ROCM_VERSION_INT -ge 60000 ]]; then
|
||||||
|
PYTORCH_ROCM_ARCH+=";gfx942"
|
||||||
|
fi
|
||||||
|
DOCKER_GPU_BUILD_ARG="--build-arg PYTORCH_ROCM_ARCH=${PYTORCH_ROCM_ARCH}"
|
||||||
;;
|
;;
|
||||||
*)
|
*)
|
||||||
echo "ERROR: Unrecognized DOCKER_TAG_PREFIX: ${DOCKER_TAG_PREFIX}"
|
echo "ERROR: Unrecognized GPU_ARCH_TYPE: ${GPU_ARCH_TYPE}"
|
||||||
exit 1
|
exit 1
|
||||||
;;
|
;;
|
||||||
esac
|
esac
|
||||||
|
|
||||||
tmp_tag=$(basename "$(mktemp -u)" | tr '[:upper:]' '[:lower:]')
|
|
||||||
|
|
||||||
DOCKER_BUILDKIT=1 ${DOCKER} build \
|
(
|
||||||
--target final \
|
set -x
|
||||||
${DOCKER_GPU_BUILD_ARG} \
|
DOCKER_BUILDKIT=1 ${DOCKER} build \
|
||||||
--build-arg "GPU_IMAGE=${GPU_IMAGE}" \
|
--target final \
|
||||||
--build-arg "BASE_TARGET=${BASE_TARGET}" \
|
${DOCKER_GPU_BUILD_ARG} \
|
||||||
-t "${tmp_tag}" \
|
--build-arg "GPU_IMAGE=${GPU_IMAGE}" \
|
||||||
$@ \
|
--build-arg "BASE_TARGET=${BASE_TARGET}" \
|
||||||
-f "${TOPDIR}/.ci/docker/libtorch/Dockerfile" \
|
-t "${DOCKER_IMAGE}" \
|
||||||
"${TOPDIR}/.ci/docker/"
|
$@ \
|
||||||
|
-f "${TOPDIR}/.ci/docker/libtorch/Dockerfile" \
|
||||||
|
"${TOPDIR}/.ci/docker/"
|
||||||
|
|
||||||
|
)
|
||||||
|
|
||||||
|
GITHUB_REF=${GITHUB_REF:-$(git symbolic-ref -q HEAD || git describe --tags --exact-match)}
|
||||||
|
GIT_BRANCH_NAME=${GITHUB_REF##*/}
|
||||||
|
GIT_COMMIT_SHA=${GITHUB_SHA:-$(git rev-parse HEAD)}
|
||||||
|
DOCKER_IMAGE_BRANCH_TAG=${DOCKER_IMAGE}-${GIT_BRANCH_NAME}
|
||||||
|
DOCKER_IMAGE_SHA_TAG=${DOCKER_IMAGE}-${GIT_COMMIT_SHA}
|
||||||
|
|
||||||
|
if [[ "${WITH_PUSH}" == true ]]; then
|
||||||
|
(
|
||||||
|
set -x
|
||||||
|
${DOCKER} push "${DOCKER_IMAGE}"
|
||||||
|
if [[ -n ${GITHUB_REF} ]]; then
|
||||||
|
${DOCKER} tag ${DOCKER_IMAGE} ${DOCKER_IMAGE_BRANCH_TAG}
|
||||||
|
${DOCKER} tag ${DOCKER_IMAGE} ${DOCKER_IMAGE_SHA_TAG}
|
||||||
|
${DOCKER} push "${DOCKER_IMAGE_BRANCH_TAG}"
|
||||||
|
${DOCKER} push "${DOCKER_IMAGE_SHA_TAG}"
|
||||||
|
fi
|
||||||
|
)
|
||||||
|
fi
|
||||||
|
@ -18,31 +18,27 @@ COPY ./common/install_user.sh install_user.sh
|
|||||||
RUN bash ./install_user.sh && rm install_user.sh
|
RUN bash ./install_user.sh && rm install_user.sh
|
||||||
|
|
||||||
# Install conda and other packages (e.g., numpy, pytest)
|
# Install conda and other packages (e.g., numpy, pytest)
|
||||||
ARG PYTHON_VERSION
|
ARG ANACONDA_PYTHON_VERSION
|
||||||
ARG PIP_CMAKE
|
ARG CONDA_CMAKE
|
||||||
# Put venv into the env vars so users don't need to activate it
|
ENV ANACONDA_PYTHON_VERSION=$ANACONDA_PYTHON_VERSION
|
||||||
ENV PATH /var/lib/jenkins/ci_env/bin:$PATH
|
ENV PATH /opt/conda/envs/py_$ANACONDA_PYTHON_VERSION/bin:/opt/conda/bin:$PATH
|
||||||
ENV VIRTUAL_ENV /var/lib/jenkins/ci_env
|
COPY requirements-ci.txt /opt/conda/requirements-ci.txt
|
||||||
COPY requirements-ci.txt /opt/requirements-ci.txt
|
COPY ./common/install_conda.sh install_conda.sh
|
||||||
COPY ./common/install_python.sh install_python.sh
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
RUN bash ./install_python.sh && rm install_python.sh /opt/requirements-ci.txt
|
RUN bash ./install_conda.sh && rm install_conda.sh common_utils.sh /opt/conda/requirements-ci.txt
|
||||||
|
|
||||||
# Install cuda and cudnn
|
# Install cuda and cudnn
|
||||||
ARG CUDA_VERSION
|
ARG CUDA_VERSION
|
||||||
COPY ./common/install_cuda.sh install_cuda.sh
|
COPY ./common/install_cuda.sh install_cuda.sh
|
||||||
COPY ./common/install_nccl.sh install_nccl.sh
|
RUN bash ./install_cuda.sh ${CUDA_VERSION} && rm install_cuda.sh
|
||||||
COPY ./ci_commit_pins/nccl-cu* /ci_commit_pins/
|
|
||||||
COPY ./common/install_cusparselt.sh install_cusparselt.sh
|
|
||||||
RUN bash ./install_cuda.sh ${CUDA_VERSION} && rm install_cuda.sh install_nccl.sh /ci_commit_pins/nccl-cu* install_cusparselt.sh
|
|
||||||
ENV DESIRED_CUDA ${CUDA_VERSION}
|
ENV DESIRED_CUDA ${CUDA_VERSION}
|
||||||
ENV PATH /usr/local/nvidia/bin:/usr/local/cuda/bin:$PATH
|
ENV PATH /usr/local/nvidia/bin:/usr/local/cuda/bin:$PATH
|
||||||
|
|
||||||
# Note that Docker build forbids copying file outside the build context
|
# Note that Docker build forbids copying file outside the build context
|
||||||
COPY ./common/install_linter.sh install_linter.sh
|
COPY ./common/install_linter.sh install_linter.sh
|
||||||
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
RUN bash ./install_linter.sh
|
RUN bash ./install_linter.sh
|
||||||
RUN rm install_linter.sh
|
RUN rm install_linter.sh common_utils.sh
|
||||||
|
|
||||||
RUN chown -R jenkins:jenkins /var/lib/jenkins/ci_env
|
|
||||||
|
|
||||||
USER jenkins
|
USER jenkins
|
||||||
CMD ["bash"]
|
CMD ["bash"]
|
||||||
|
@ -15,19 +15,20 @@ COPY ./common/install_user.sh install_user.sh
|
|||||||
RUN bash ./install_user.sh && rm install_user.sh
|
RUN bash ./install_user.sh && rm install_user.sh
|
||||||
|
|
||||||
# Install conda and other packages (e.g., numpy, pytest)
|
# Install conda and other packages (e.g., numpy, pytest)
|
||||||
ARG PYTHON_VERSION
|
ARG ANACONDA_PYTHON_VERSION
|
||||||
ENV PATH /var/lib/jenkins/ci_env/bin:$PATH
|
ARG CONDA_CMAKE
|
||||||
ENV VIRTUAL_ENV /var/lib/jenkins/ci_env
|
ENV ANACONDA_PYTHON_VERSION=$ANACONDA_PYTHON_VERSION
|
||||||
COPY requirements-ci.txt /opt/requirements-ci.txt
|
ENV PATH /opt/conda/envs/py_$ANACONDA_PYTHON_VERSION/bin:/opt/conda/bin:$PATH
|
||||||
COPY ./common/install_python.sh install_python.sh
|
COPY requirements-ci.txt /opt/conda/requirements-ci.txt
|
||||||
RUN bash ./install_python.sh && rm install_python.sh /opt/requirements-ci.txt
|
COPY ./common/install_conda.sh install_conda.sh
|
||||||
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
|
RUN bash ./install_conda.sh && rm install_conda.sh common_utils.sh /opt/conda/requirements-ci.txt
|
||||||
|
|
||||||
# Note that Docker build forbids copying file outside the build context
|
# Note that Docker build forbids copying file outside the build context
|
||||||
COPY ./common/install_linter.sh install_linter.sh
|
COPY ./common/install_linter.sh install_linter.sh
|
||||||
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
RUN bash ./install_linter.sh
|
RUN bash ./install_linter.sh
|
||||||
RUN rm install_linter.sh
|
RUN rm install_linter.sh common_utils.sh
|
||||||
|
|
||||||
RUN chown -R jenkins:jenkins /var/lib/jenkins/ci_env
|
|
||||||
|
|
||||||
USER jenkins
|
USER jenkins
|
||||||
CMD ["bash"]
|
CMD ["bash"]
|
||||||
|
203
.ci/docker/manywheel/Dockerfile
Normal file
203
.ci/docker/manywheel/Dockerfile
Normal file
@ -0,0 +1,203 @@
|
|||||||
|
# syntax = docker/dockerfile:experimental
|
||||||
|
ARG ROCM_VERSION=3.7
|
||||||
|
ARG BASE_CUDA_VERSION=11.8
|
||||||
|
|
||||||
|
ARG GPU_IMAGE=centos:7
|
||||||
|
FROM centos:7 as base
|
||||||
|
|
||||||
|
ENV LC_ALL en_US.UTF-8
|
||||||
|
ENV LANG en_US.UTF-8
|
||||||
|
ENV LANGUAGE en_US.UTF-8
|
||||||
|
|
||||||
|
ARG DEVTOOLSET_VERSION=9
|
||||||
|
|
||||||
|
# Note: This is required patch since CentOS have reached EOL
|
||||||
|
# otherwise any yum install setp will fail
|
||||||
|
RUN sed -i s/mirror.centos.org/vault.centos.org/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^#.*baseurl=http/baseurl=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^mirrorlist=http/#mirrorlist=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN yum install -y wget curl perl util-linux xz bzip2 git patch which perl zlib-devel
|
||||||
|
# Just add everything as a safe.directory for git since these will be used in multiple places with git
|
||||||
|
RUN git config --global --add safe.directory '*'
|
||||||
|
RUN yum install -y yum-utils centos-release-scl
|
||||||
|
RUN yum-config-manager --enable rhel-server-rhscl-7-rpms
|
||||||
|
# Note: After running yum-config-manager --enable rhel-server-rhscl-7-rpms
|
||||||
|
# patch is required once again. Somehow this steps adds mirror.centos.org
|
||||||
|
RUN sed -i s/mirror.centos.org/vault.centos.org/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^#.*baseurl=http/baseurl=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^mirrorlist=http/#mirrorlist=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN yum install -y devtoolset-${DEVTOOLSET_VERSION}-gcc devtoolset-${DEVTOOLSET_VERSION}-gcc-c++ devtoolset-${DEVTOOLSET_VERSION}-gcc-gfortran devtoolset-${DEVTOOLSET_VERSION}-binutils
|
||||||
|
ENV PATH=/opt/rh/devtoolset-${DEVTOOLSET_VERSION}/root/usr/bin:$PATH
|
||||||
|
ENV LD_LIBRARY_PATH=/opt/rh/devtoolset-${DEVTOOLSET_VERSION}/root/usr/lib64:/opt/rh/devtoolset-${DEVTOOLSET_VERSION}/root/usr/lib:$LD_LIBRARY_PATH
|
||||||
|
|
||||||
|
RUN yum --enablerepo=extras install -y epel-release
|
||||||
|
|
||||||
|
# cmake-3.18.4 from pip
|
||||||
|
RUN yum install -y python3-pip && \
|
||||||
|
python3 -mpip install cmake==3.18.4 && \
|
||||||
|
ln -s /usr/local/bin/cmake /usr/bin/cmake
|
||||||
|
|
||||||
|
RUN yum install -y autoconf aclocal automake make sudo
|
||||||
|
|
||||||
|
FROM base as openssl
|
||||||
|
# Install openssl (this must precede `build python` step)
|
||||||
|
# (In order to have a proper SSL module, Python is compiled
|
||||||
|
# against a recent openssl [see env vars above], which is linked
|
||||||
|
# statically. We delete openssl afterwards.)
|
||||||
|
ADD ./common/install_openssl.sh install_openssl.sh
|
||||||
|
RUN bash ./install_openssl.sh && rm install_openssl.sh
|
||||||
|
|
||||||
|
# EPEL for cmake
|
||||||
|
FROM base as patchelf
|
||||||
|
# Install patchelf
|
||||||
|
ADD ./common/install_patchelf.sh install_patchelf.sh
|
||||||
|
RUN bash ./install_patchelf.sh && rm install_patchelf.sh
|
||||||
|
RUN cp $(which patchelf) /patchelf
|
||||||
|
|
||||||
|
FROM patchelf as python
|
||||||
|
# build python
|
||||||
|
COPY manywheel/build_scripts /build_scripts
|
||||||
|
ADD ./common/install_cpython.sh /build_scripts/install_cpython.sh
|
||||||
|
RUN bash build_scripts/build.sh && rm -r build_scripts
|
||||||
|
|
||||||
|
FROM base as cuda
|
||||||
|
ARG BASE_CUDA_VERSION=10.2
|
||||||
|
# Install CUDA
|
||||||
|
ADD ./common/install_cuda.sh install_cuda.sh
|
||||||
|
RUN bash ./install_cuda.sh ${BASE_CUDA_VERSION} && rm install_cuda.sh
|
||||||
|
|
||||||
|
FROM base as intel
|
||||||
|
# MKL
|
||||||
|
ADD ./common/install_mkl.sh install_mkl.sh
|
||||||
|
RUN bash ./install_mkl.sh && rm install_mkl.sh
|
||||||
|
|
||||||
|
FROM base as magma
|
||||||
|
ARG BASE_CUDA_VERSION=10.2
|
||||||
|
# Install magma
|
||||||
|
ADD ./common/install_magma.sh install_magma.sh
|
||||||
|
RUN bash ./install_magma.sh ${BASE_CUDA_VERSION} && rm install_magma.sh
|
||||||
|
|
||||||
|
FROM base as jni
|
||||||
|
# Install java jni header
|
||||||
|
ADD ./common/install_jni.sh install_jni.sh
|
||||||
|
ADD ./java/jni.h jni.h
|
||||||
|
RUN bash ./install_jni.sh && rm install_jni.sh
|
||||||
|
|
||||||
|
FROM base as libpng
|
||||||
|
# Install libpng
|
||||||
|
ADD ./common/install_libpng.sh install_libpng.sh
|
||||||
|
RUN bash ./install_libpng.sh && rm install_libpng.sh
|
||||||
|
|
||||||
|
FROM ${GPU_IMAGE} as common
|
||||||
|
RUN sed -i s/mirror.centos.org/vault.centos.org/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^#.*baseurl=http/baseurl=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^mirrorlist=http/#mirrorlist=http/g /etc/yum.repos.d/*.repo
|
||||||
|
ENV LC_ALL en_US.UTF-8
|
||||||
|
ENV LANG en_US.UTF-8
|
||||||
|
ENV LANGUAGE en_US.UTF-8
|
||||||
|
RUN yum install -y \
|
||||||
|
aclocal \
|
||||||
|
autoconf \
|
||||||
|
automake \
|
||||||
|
bison \
|
||||||
|
bzip2 \
|
||||||
|
curl \
|
||||||
|
diffutils \
|
||||||
|
file \
|
||||||
|
git \
|
||||||
|
make \
|
||||||
|
patch \
|
||||||
|
perl \
|
||||||
|
unzip \
|
||||||
|
util-linux \
|
||||||
|
wget \
|
||||||
|
which \
|
||||||
|
xz \
|
||||||
|
yasm
|
||||||
|
RUN yum install -y \
|
||||||
|
https://repo.ius.io/ius-release-el7.rpm \
|
||||||
|
https://ossci-linux.s3.amazonaws.com/epel-release-7-14.noarch.rpm
|
||||||
|
|
||||||
|
RUN yum swap -y git git236-core
|
||||||
|
# git236+ would refuse to run git commands in repos owned by other users
|
||||||
|
# Which causes version check to fail, as pytorch repo is bind-mounted into the image
|
||||||
|
# Override this behaviour by treating every folder as safe
|
||||||
|
# For more details see https://github.com/pytorch/pytorch/issues/78659#issuecomment-1144107327
|
||||||
|
RUN git config --global --add safe.directory "*"
|
||||||
|
|
||||||
|
ENV SSL_CERT_FILE=/opt/_internal/certs.pem
|
||||||
|
# Install LLVM version
|
||||||
|
COPY --from=openssl /opt/openssl /opt/openssl
|
||||||
|
COPY --from=python /opt/python /opt/python
|
||||||
|
COPY --from=python /opt/_internal /opt/_internal
|
||||||
|
COPY --from=python /opt/python/cp39-cp39/bin/auditwheel /usr/local/bin/auditwheel
|
||||||
|
COPY --from=intel /opt/intel /opt/intel
|
||||||
|
COPY --from=patchelf /usr/local/bin/patchelf /usr/local/bin/patchelf
|
||||||
|
COPY --from=jni /usr/local/include/jni.h /usr/local/include/jni.h
|
||||||
|
COPY --from=libpng /usr/local/bin/png* /usr/local/bin/
|
||||||
|
COPY --from=libpng /usr/local/bin/libpng* /usr/local/bin/
|
||||||
|
COPY --from=libpng /usr/local/include/png* /usr/local/include/
|
||||||
|
COPY --from=libpng /usr/local/include/libpng* /usr/local/include/
|
||||||
|
COPY --from=libpng /usr/local/lib/libpng* /usr/local/lib/
|
||||||
|
COPY --from=libpng /usr/local/lib/pkgconfig /usr/local/lib/pkgconfig
|
||||||
|
|
||||||
|
FROM common as cpu_final
|
||||||
|
ARG BASE_CUDA_VERSION=10.1
|
||||||
|
ARG DEVTOOLSET_VERSION=9
|
||||||
|
RUN sed -i s/mirror.centos.org/vault.centos.org/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^#.*baseurl=http/baseurl=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^mirrorlist=http/#mirrorlist=http/g /etc/yum.repos.d/*.repo
|
||||||
|
|
||||||
|
RUN yum install -y yum-utils centos-release-scl
|
||||||
|
RUN yum-config-manager --enable rhel-server-rhscl-7-rpms
|
||||||
|
RUN sed -i s/mirror.centos.org/vault.centos.org/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^#.*baseurl=http/baseurl=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^mirrorlist=http/#mirrorlist=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN yum install -y devtoolset-${DEVTOOLSET_VERSION}-gcc devtoolset-${DEVTOOLSET_VERSION}-gcc-c++ devtoolset-${DEVTOOLSET_VERSION}-gcc-gfortran devtoolset-${DEVTOOLSET_VERSION}-binutils
|
||||||
|
ENV PATH=/opt/rh/devtoolset-${DEVTOOLSET_VERSION}/root/usr/bin:$PATH
|
||||||
|
ENV LD_LIBRARY_PATH=/opt/rh/devtoolset-${DEVTOOLSET_VERSION}/root/usr/lib64:/opt/rh/devtoolset-${DEVTOOLSET_VERSION}/root/usr/lib:$LD_LIBRARY_PATH
|
||||||
|
|
||||||
|
# cmake is already installed inside the rocm base image, so remove if present
|
||||||
|
RUN rpm -e cmake || true
|
||||||
|
# cmake-3.18.4 from pip
|
||||||
|
RUN yum install -y python3-pip && \
|
||||||
|
python3 -mpip install cmake==3.18.4 && \
|
||||||
|
ln -s /usr/local/bin/cmake /usr/bin/cmake
|
||||||
|
|
||||||
|
# ninja
|
||||||
|
RUN yum install -y ninja-build
|
||||||
|
|
||||||
|
FROM cpu_final as cuda_final
|
||||||
|
RUN rm -rf /usr/local/cuda-${BASE_CUDA_VERSION}
|
||||||
|
COPY --from=cuda /usr/local/cuda-${BASE_CUDA_VERSION} /usr/local/cuda-${BASE_CUDA_VERSION}
|
||||||
|
COPY --from=magma /usr/local/cuda-${BASE_CUDA_VERSION} /usr/local/cuda-${BASE_CUDA_VERSION}
|
||||||
|
RUN ln -sf /usr/local/cuda-${BASE_CUDA_VERSION} /usr/local/cuda
|
||||||
|
ENV PATH=/usr/local/cuda/bin:$PATH
|
||||||
|
|
||||||
|
FROM cpu_final as rocm_final
|
||||||
|
ARG ROCM_VERSION=3.7
|
||||||
|
ARG PYTORCH_ROCM_ARCH
|
||||||
|
ENV PYTORCH_ROCM_ARCH ${PYTORCH_ROCM_ARCH}
|
||||||
|
# Adding ROCM_PATH env var so that LoadHip.cmake (even with logic updated for ROCm6.0)
|
||||||
|
# find HIP works for ROCm5.7. Not needed for ROCm6.0 and above.
|
||||||
|
# Remove below when ROCm5.7 is not in support matrix anymore.
|
||||||
|
ENV ROCM_PATH /opt/rocm
|
||||||
|
ENV MKLROOT /opt/intel
|
||||||
|
# No need to install ROCm as base docker image should have full ROCm install
|
||||||
|
#ADD ./common/install_rocm.sh install_rocm.sh
|
||||||
|
#RUN ROCM_VERSION=${ROCM_VERSION} bash ./install_rocm.sh && rm install_rocm.sh
|
||||||
|
ADD ./common/install_rocm_drm.sh install_rocm_drm.sh
|
||||||
|
RUN bash ./install_rocm_drm.sh && rm install_rocm_drm.sh
|
||||||
|
# cmake3 is needed for the MIOpen build
|
||||||
|
RUN ln -sf /usr/local/bin/cmake /usr/bin/cmake3
|
||||||
|
ADD ./common/install_rocm_magma.sh install_rocm_magma.sh
|
||||||
|
RUN bash ./install_rocm_magma.sh && rm install_rocm_magma.sh
|
||||||
|
ADD ./common/install_miopen.sh install_miopen.sh
|
||||||
|
RUN bash ./install_miopen.sh ${ROCM_VERSION} && rm install_miopen.sh
|
||||||
|
|
||||||
|
# Install AOTriton
|
||||||
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
|
COPY ./aotriton_version.txt aotriton_version.txt
|
||||||
|
COPY ./common/install_aotriton.sh install_aotriton.sh
|
||||||
|
RUN bash ./install_aotriton.sh /opt/rocm && rm install_aotriton.sh aotriton_version.txt
|
||||||
|
ENV AOTRITON_INSTALLED_PREFIX /opt/rocm/aotriton
|
153
.ci/docker/manywheel/Dockerfile_2014
Normal file
153
.ci/docker/manywheel/Dockerfile_2014
Normal file
@ -0,0 +1,153 @@
|
|||||||
|
# syntax = docker/dockerfile:experimental
|
||||||
|
ARG ROCM_VERSION=3.7
|
||||||
|
ARG BASE_CUDA_VERSION=10.2
|
||||||
|
ARG GPU_IMAGE=nvidia/cuda:${BASE_CUDA_VERSION}-devel-centos7
|
||||||
|
FROM quay.io/pypa/manylinux2014_x86_64 as base
|
||||||
|
|
||||||
|
ENV LC_ALL en_US.UTF-8
|
||||||
|
ENV LANG en_US.UTF-8
|
||||||
|
ENV LANGUAGE en_US.UTF-8
|
||||||
|
|
||||||
|
RUN sed -i s/mirror.centos.org/vault.centos.org/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^#.*baseurl=http/baseurl=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^mirrorlist=http/#mirrorlist=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN yum install -y wget curl perl util-linux xz bzip2 git patch which perl zlib-devel
|
||||||
|
RUN yum install -y yum-utils centos-release-scl sudo
|
||||||
|
RUN yum-config-manager --enable rhel-server-rhscl-7-rpms
|
||||||
|
RUN yum install -y devtoolset-7-gcc devtoolset-7-gcc-c++ devtoolset-7-gcc-gfortran devtoolset-7-binutils
|
||||||
|
ENV PATH=/opt/rh/devtoolset-7/root/usr/bin:$PATH
|
||||||
|
ENV LD_LIBRARY_PATH=/opt/rh/devtoolset-7/root/usr/lib64:/opt/rh/devtoolset-7/root/usr/lib:$LD_LIBRARY_PATH
|
||||||
|
|
||||||
|
# cmake
|
||||||
|
RUN yum install -y cmake3 && \
|
||||||
|
ln -s /usr/bin/cmake3 /usr/bin/cmake
|
||||||
|
FROM base as openssl
|
||||||
|
# Install openssl (this must precede `build python` step)
|
||||||
|
# (In order to have a proper SSL module, Python is compiled
|
||||||
|
# against a recent openssl [see env vars above], which is linked
|
||||||
|
# statically. We delete openssl afterwards.)
|
||||||
|
ADD ./common/install_openssl.sh install_openssl.sh
|
||||||
|
RUN bash ./install_openssl.sh && rm install_openssl.sh
|
||||||
|
|
||||||
|
|
||||||
|
|
||||||
|
# remove unncessary python versions
|
||||||
|
RUN rm -rf /opt/python/cp26-cp26m /opt/_internal/cpython-2.6.9-ucs2
|
||||||
|
RUN rm -rf /opt/python/cp26-cp26mu /opt/_internal/cpython-2.6.9-ucs4
|
||||||
|
RUN rm -rf /opt/python/cp33-cp33m /opt/_internal/cpython-3.3.6
|
||||||
|
RUN rm -rf /opt/python/cp34-cp34m /opt/_internal/cpython-3.4.6
|
||||||
|
|
||||||
|
FROM base as cuda
|
||||||
|
ARG BASE_CUDA_VERSION=10.2
|
||||||
|
# Install CUDA
|
||||||
|
ADD ./common/install_cuda.sh install_cuda.sh
|
||||||
|
RUN bash ./install_cuda.sh ${BASE_CUDA_VERSION} && rm install_cuda.sh
|
||||||
|
|
||||||
|
FROM base as intel
|
||||||
|
# MKL
|
||||||
|
ADD ./common/install_mkl.sh install_mkl.sh
|
||||||
|
RUN bash ./install_mkl.sh && rm install_mkl.sh
|
||||||
|
|
||||||
|
FROM base as magma
|
||||||
|
ARG BASE_CUDA_VERSION=10.2
|
||||||
|
# Install magma
|
||||||
|
ADD ./common/install_magma.sh install_magma.sh
|
||||||
|
RUN bash ./install_magma.sh ${BASE_CUDA_VERSION} && rm install_magma.sh
|
||||||
|
|
||||||
|
FROM base as jni
|
||||||
|
# Install java jni header
|
||||||
|
ADD ./common/install_jni.sh install_jni.sh
|
||||||
|
ADD ./java/jni.h jni.h
|
||||||
|
RUN bash ./install_jni.sh && rm install_jni.sh
|
||||||
|
|
||||||
|
FROM base as libpng
|
||||||
|
# Install libpng
|
||||||
|
ADD ./common/install_libpng.sh install_libpng.sh
|
||||||
|
RUN bash ./install_libpng.sh && rm install_libpng.sh
|
||||||
|
|
||||||
|
FROM ${GPU_IMAGE} as common
|
||||||
|
RUN sed -i s/mirror.centos.org/vault.centos.org/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^#.*baseurl=http/baseurl=http/g /etc/yum.repos.d/*.repo
|
||||||
|
RUN sed -i s/^mirrorlist=http/#mirrorlist=http/g /etc/yum.repos.d/*.repo
|
||||||
|
ENV LC_ALL en_US.UTF-8
|
||||||
|
ENV LANG en_US.UTF-8
|
||||||
|
ENV LANGUAGE en_US.UTF-8
|
||||||
|
RUN yum install -y \
|
||||||
|
aclocal \
|
||||||
|
autoconf \
|
||||||
|
automake \
|
||||||
|
bison \
|
||||||
|
bzip2 \
|
||||||
|
curl \
|
||||||
|
diffutils \
|
||||||
|
file \
|
||||||
|
git \
|
||||||
|
make \
|
||||||
|
patch \
|
||||||
|
perl \
|
||||||
|
unzip \
|
||||||
|
util-linux \
|
||||||
|
wget \
|
||||||
|
which \
|
||||||
|
xz \
|
||||||
|
yasm
|
||||||
|
RUN yum install -y \
|
||||||
|
https://repo.ius.io/ius-release-el7.rpm \
|
||||||
|
https://ossci-linux.s3.amazonaws.com/epel-release-7-14.noarch.rpm
|
||||||
|
|
||||||
|
RUN yum swap -y git git236-core
|
||||||
|
# git236+ would refuse to run git commands in repos owned by other users
|
||||||
|
# Which causes version check to fail, as pytorch repo is bind-mounted into the image
|
||||||
|
# Override this behaviour by treating every folder as safe
|
||||||
|
# For more details see https://github.com/pytorch/pytorch/issues/78659#issuecomment-1144107327
|
||||||
|
RUN git config --global --add safe.directory "*"
|
||||||
|
|
||||||
|
ENV SSL_CERT_FILE=/opt/_internal/certs.pem
|
||||||
|
# Install LLVM version
|
||||||
|
COPY --from=openssl /opt/openssl /opt/openssl
|
||||||
|
COPY --from=base /opt/python /opt/python
|
||||||
|
COPY --from=base /opt/_internal /opt/_internal
|
||||||
|
COPY --from=base /usr/local/bin/auditwheel /usr/local/bin/auditwheel
|
||||||
|
COPY --from=intel /opt/intel /opt/intel
|
||||||
|
COPY --from=base /usr/local/bin/patchelf /usr/local/bin/patchelf
|
||||||
|
COPY --from=libpng /usr/local/bin/png* /usr/local/bin/
|
||||||
|
COPY --from=libpng /usr/local/bin/libpng* /usr/local/bin/
|
||||||
|
COPY --from=libpng /usr/local/include/png* /usr/local/include/
|
||||||
|
COPY --from=libpng /usr/local/include/libpng* /usr/local/include/
|
||||||
|
COPY --from=libpng /usr/local/lib/libpng* /usr/local/lib/
|
||||||
|
COPY --from=libpng /usr/local/lib/pkgconfig /usr/local/lib/pkgconfig
|
||||||
|
COPY --from=jni /usr/local/include/jni.h /usr/local/include/jni.h
|
||||||
|
|
||||||
|
FROM common as cpu_final
|
||||||
|
ARG BASE_CUDA_VERSION=10.2
|
||||||
|
RUN yum install -y yum-utils centos-release-scl
|
||||||
|
RUN yum-config-manager --enable rhel-server-rhscl-7-rpms
|
||||||
|
RUN yum install -y devtoolset-7-gcc devtoolset-7-gcc-c++ devtoolset-7-gcc-gfortran devtoolset-7-binutils
|
||||||
|
ENV PATH=/opt/rh/devtoolset-7/root/usr/bin:$PATH
|
||||||
|
ENV LD_LIBRARY_PATH=/opt/rh/devtoolset-7/root/usr/lib64:/opt/rh/devtoolset-7/root/usr/lib:$LD_LIBRARY_PATH
|
||||||
|
|
||||||
|
# cmake
|
||||||
|
RUN yum install -y cmake3 && \
|
||||||
|
ln -s /usr/bin/cmake3 /usr/bin/cmake
|
||||||
|
|
||||||
|
# ninja
|
||||||
|
RUN yum install -y http://repo.okay.com.mx/centos/7/x86_64/release/okay-release-1-1.noarch.rpm
|
||||||
|
RUN yum install -y ninja-build
|
||||||
|
|
||||||
|
FROM cpu_final as cuda_final
|
||||||
|
RUN rm -rf /usr/local/cuda-${BASE_CUDA_VERSION}
|
||||||
|
COPY --from=cuda /usr/local/cuda-${BASE_CUDA_VERSION} /usr/local/cuda-${BASE_CUDA_VERSION}
|
||||||
|
COPY --from=magma /usr/local/cuda-${BASE_CUDA_VERSION} /usr/local/cuda-${BASE_CUDA_VERSION}
|
||||||
|
|
||||||
|
FROM common as rocm_final
|
||||||
|
ARG ROCM_VERSION=3.7
|
||||||
|
# Install ROCm
|
||||||
|
ADD ./common/install_rocm.sh install_rocm.sh
|
||||||
|
RUN bash ./install_rocm.sh ${ROCM_VERSION} && rm install_rocm.sh
|
||||||
|
# cmake is already installed inside the rocm base image, but both 2 and 3 exist
|
||||||
|
# cmake3 is needed for the later MIOpen custom build, so that step is last.
|
||||||
|
RUN yum install -y cmake3 && \
|
||||||
|
rm -f /usr/bin/cmake && \
|
||||||
|
ln -s /usr/bin/cmake3 /usr/bin/cmake
|
||||||
|
ADD ./common/install_miopen.sh install_miopen.sh
|
||||||
|
RUN bash ./install_miopen.sh ${ROCM_VERSION} && rm install_miopen.sh
|
@ -1,4 +1,5 @@
|
|||||||
# syntax = docker/dockerfile:experimental
|
# syntax = docker/dockerfile:experimental
|
||||||
|
ARG ROCM_VERSION=3.7
|
||||||
ARG BASE_CUDA_VERSION=11.8
|
ARG BASE_CUDA_VERSION=11.8
|
||||||
ARG GPU_IMAGE=amd64/almalinux:8
|
ARG GPU_IMAGE=amd64/almalinux:8
|
||||||
FROM quay.io/pypa/manylinux_2_28_x86_64 as base
|
FROM quay.io/pypa/manylinux_2_28_x86_64 as base
|
||||||
@ -7,8 +8,8 @@ ENV LC_ALL en_US.UTF-8
|
|||||||
ENV LANG en_US.UTF-8
|
ENV LANG en_US.UTF-8
|
||||||
ENV LANGUAGE en_US.UTF-8
|
ENV LANGUAGE en_US.UTF-8
|
||||||
|
|
||||||
ARG DEVTOOLSET_VERSION=13
|
ARG DEVTOOLSET_VERSION=11
|
||||||
RUN yum install -y sudo wget curl perl util-linux xz bzip2 git patch which perl zlib-devel yum-utils gcc-toolset-${DEVTOOLSET_VERSION}-gcc gcc-toolset-${DEVTOOLSET_VERSION}-gcc-c++ gcc-toolset-${DEVTOOLSET_VERSION}-gcc-gfortran gcc-toolset-${DEVTOOLSET_VERSION}-gdb
|
RUN yum install -y sudo wget curl perl util-linux xz bzip2 git patch which perl zlib-devel yum-utils gcc-toolset-${DEVTOOLSET_VERSION}-toolchain
|
||||||
ENV PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/bin:$PATH
|
ENV PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/bin:$PATH
|
||||||
ENV LD_LIBRARY_PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib64:/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib:$LD_LIBRARY_PATH
|
ENV LD_LIBRARY_PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib64:/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib:$LD_LIBRARY_PATH
|
||||||
|
|
||||||
@ -26,20 +27,17 @@ ADD ./common/install_openssl.sh install_openssl.sh
|
|||||||
RUN bash ./install_openssl.sh && rm install_openssl.sh
|
RUN bash ./install_openssl.sh && rm install_openssl.sh
|
||||||
|
|
||||||
|
|
||||||
# remove unnecessary python versions
|
# remove unncessary python versions
|
||||||
RUN rm -rf /opt/python/cp26-cp26m /opt/_internal/cpython-2.6.9-ucs2
|
RUN rm -rf /opt/python/cp26-cp26m /opt/_internal/cpython-2.6.9-ucs2
|
||||||
RUN rm -rf /opt/python/cp26-cp26mu /opt/_internal/cpython-2.6.9-ucs4
|
RUN rm -rf /opt/python/cp26-cp26mu /opt/_internal/cpython-2.6.9-ucs4
|
||||||
RUN rm -rf /opt/python/cp33-cp33m /opt/_internal/cpython-3.3.6
|
RUN rm -rf /opt/python/cp33-cp33m /opt/_internal/cpython-3.3.6
|
||||||
RUN rm -rf /opt/python/cp34-cp34m /opt/_internal/cpython-3.4.6
|
RUN rm -rf /opt/python/cp34-cp34m /opt/_internal/cpython-3.4.6
|
||||||
|
|
||||||
FROM base as cuda
|
FROM base as cuda
|
||||||
ARG BASE_CUDA_VERSION=12.6
|
ARG BASE_CUDA_VERSION=11.8
|
||||||
# Install CUDA
|
# Install CUDA
|
||||||
ADD ./common/install_cuda.sh install_cuda.sh
|
ADD ./common/install_cuda.sh install_cuda.sh
|
||||||
COPY ./common/install_nccl.sh install_nccl.sh
|
RUN bash ./install_cuda.sh ${BASE_CUDA_VERSION} && rm install_cuda.sh
|
||||||
COPY ./ci_commit_pins/nccl-cu* /ci_commit_pins/
|
|
||||||
COPY ./common/install_cusparselt.sh install_cusparselt.sh
|
|
||||||
RUN bash ./install_cuda.sh ${BASE_CUDA_VERSION} && rm install_cuda.sh install_nccl.sh ci_commit_pins/nccl-cu* install_cusparselt.sh
|
|
||||||
|
|
||||||
FROM base as intel
|
FROM base as intel
|
||||||
# MKL
|
# MKL
|
||||||
@ -47,7 +45,7 @@ ADD ./common/install_mkl.sh install_mkl.sh
|
|||||||
RUN bash ./install_mkl.sh && rm install_mkl.sh
|
RUN bash ./install_mkl.sh && rm install_mkl.sh
|
||||||
|
|
||||||
FROM base as magma
|
FROM base as magma
|
||||||
ARG BASE_CUDA_VERSION=12.6
|
ARG BASE_CUDA_VERSION=10.2
|
||||||
# Install magma
|
# Install magma
|
||||||
ADD ./common/install_magma.sh install_magma.sh
|
ADD ./common/install_magma.sh install_magma.sh
|
||||||
RUN bash ./install_magma.sh ${BASE_CUDA_VERSION} && rm install_magma.sh
|
RUN bash ./install_magma.sh ${BASE_CUDA_VERSION} && rm install_magma.sh
|
||||||
@ -64,7 +62,7 @@ ADD ./common/install_libpng.sh install_libpng.sh
|
|||||||
RUN bash ./install_libpng.sh && rm install_libpng.sh
|
RUN bash ./install_libpng.sh && rm install_libpng.sh
|
||||||
|
|
||||||
FROM ${GPU_IMAGE} as common
|
FROM ${GPU_IMAGE} as common
|
||||||
ARG DEVTOOLSET_VERSION=13
|
ARG DEVTOOLSET_VERSION=11
|
||||||
ENV LC_ALL en_US.UTF-8
|
ENV LC_ALL en_US.UTF-8
|
||||||
ENV LANG en_US.UTF-8
|
ENV LANG en_US.UTF-8
|
||||||
ENV LANGUAGE en_US.UTF-8
|
ENV LANGUAGE en_US.UTF-8
|
||||||
@ -87,12 +85,13 @@ RUN yum install -y \
|
|||||||
wget \
|
wget \
|
||||||
which \
|
which \
|
||||||
xz \
|
xz \
|
||||||
glibc-langpack-en \
|
gcc-toolset-${DEVTOOLSET_VERSION}-toolchain \
|
||||||
gcc-toolset-${DEVTOOLSET_VERSION}-gcc \
|
glibc-langpack-en
|
||||||
gcc-toolset-${DEVTOOLSET_VERSION}-gcc-c++ \
|
RUN yum install -y \
|
||||||
gcc-toolset-${DEVTOOLSET_VERSION}-gcc-gfortran \
|
https://repo.ius.io/ius-release-el7.rpm \
|
||||||
gcc-toolset-${DEVTOOLSET_VERSION}-gdb
|
https://ossci-linux.s3.amazonaws.com/epel-release-7-14.noarch.rpm
|
||||||
|
|
||||||
|
RUN yum swap -y git git236-core
|
||||||
# git236+ would refuse to run git commands in repos owned by other users
|
# git236+ would refuse to run git commands in repos owned by other users
|
||||||
# Which causes version check to fail, as pytorch repo is bind-mounted into the image
|
# Which causes version check to fail, as pytorch repo is bind-mounted into the image
|
||||||
# Override this behaviour by treating every folder as safe
|
# Override this behaviour by treating every folder as safe
|
||||||
@ -103,7 +102,6 @@ ENV SSL_CERT_FILE=/opt/_internal/certs.pem
|
|||||||
# Install LLVM version
|
# Install LLVM version
|
||||||
COPY --from=openssl /opt/openssl /opt/openssl
|
COPY --from=openssl /opt/openssl /opt/openssl
|
||||||
COPY --from=base /opt/python /opt/python
|
COPY --from=base /opt/python /opt/python
|
||||||
COPY --from=base /usr/local/lib/ /usr/local/lib/
|
|
||||||
COPY --from=base /opt/_internal /opt/_internal
|
COPY --from=base /opt/_internal /opt/_internal
|
||||||
COPY --from=base /usr/local/bin/auditwheel /usr/local/bin/auditwheel
|
COPY --from=base /usr/local/bin/auditwheel /usr/local/bin/auditwheel
|
||||||
COPY --from=intel /opt/intel /opt/intel
|
COPY --from=intel /opt/intel /opt/intel
|
||||||
@ -117,12 +115,8 @@ COPY --from=libpng /usr/local/lib/pkgconfig /usr/local/
|
|||||||
COPY --from=jni /usr/local/include/jni.h /usr/local/include/jni.h
|
COPY --from=jni /usr/local/include/jni.h /usr/local/include/jni.h
|
||||||
|
|
||||||
FROM common as cpu_final
|
FROM common as cpu_final
|
||||||
ARG BASE_CUDA_VERSION=12.6
|
ARG BASE_CUDA_VERSION=11.8
|
||||||
ARG DEVTOOLSET_VERSION=13
|
ARG DEVTOOLSET_VERSION=11
|
||||||
# Install Anaconda
|
|
||||||
ADD ./common/install_conda_docker.sh install_conda.sh
|
|
||||||
RUN bash ./install_conda.sh && rm install_conda.sh
|
|
||||||
ENV PATH /opt/conda/bin:$PATH
|
|
||||||
# Ensure the expected devtoolset is used
|
# Ensure the expected devtoolset is used
|
||||||
ENV PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/bin:$PATH
|
ENV PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/bin:$PATH
|
||||||
ENV LD_LIBRARY_PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib64:/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib:$LD_LIBRARY_PATH
|
ENV LD_LIBRARY_PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib64:/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib:$LD_LIBRARY_PATH
|
||||||
@ -132,10 +126,10 @@ RUN for cpython_version in "cp312-cp312" "cp313-cp313" "cp313-cp313t"; do \
|
|||||||
done;
|
done;
|
||||||
|
|
||||||
|
|
||||||
# cmake-3.18.4 from pip; force in case cmake3 already exists
|
# cmake-3.18.4 from pip
|
||||||
RUN yum install -y python3-pip && \
|
RUN yum install -y python3-pip && \
|
||||||
python3 -mpip install cmake==3.18.4 && \
|
python3 -mpip install cmake==3.18.4 && \
|
||||||
ln -sf /usr/local/bin/cmake /usr/bin/cmake3
|
ln -s /usr/local/bin/cmake /usr/bin/cmake3
|
||||||
|
|
||||||
FROM cpu_final as cuda_final
|
FROM cpu_final as cuda_final
|
||||||
RUN rm -rf /usr/local/cuda-${BASE_CUDA_VERSION}
|
RUN rm -rf /usr/local/cuda-${BASE_CUDA_VERSION}
|
||||||
@ -144,27 +138,16 @@ COPY --from=magma /usr/local/cuda-${BASE_CUDA_VERSION} /usr/local/cuda-${BAS
|
|||||||
RUN ln -sf /usr/local/cuda-${BASE_CUDA_VERSION} /usr/local/cuda
|
RUN ln -sf /usr/local/cuda-${BASE_CUDA_VERSION} /usr/local/cuda
|
||||||
ENV PATH=/usr/local/cuda/bin:$PATH
|
ENV PATH=/usr/local/cuda/bin:$PATH
|
||||||
|
|
||||||
FROM cpu_final as rocm_final
|
FROM common as rocm_final
|
||||||
ARG ROCM_VERSION=6.0
|
ARG ROCM_VERSION=3.7
|
||||||
ARG PYTORCH_ROCM_ARCH
|
# Install ROCm
|
||||||
ENV PYTORCH_ROCM_ARCH ${PYTORCH_ROCM_ARCH}
|
ADD ./common/install_rocm.sh install_rocm.sh
|
||||||
ARG DEVTOOLSET_VERSION=11
|
RUN bash ./install_rocm.sh ${ROCM_VERSION} && rm install_rocm.sh
|
||||||
ENV LDFLAGS="-Wl,-rpath=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib64 -Wl,-rpath=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib"
|
# cmake is already installed inside the rocm base image, but both 2 and 3 exist
|
||||||
# Somewhere in ROCm stack, we still use non-existing /opt/rocm/hip path,
|
# cmake3 is needed for the later MIOpen custom build, so that step is last.
|
||||||
# below workaround helps avoid error
|
RUN yum install -y cmake3 && \
|
||||||
ENV ROCM_PATH /opt/rocm
|
rm -f /usr/bin/cmake && \
|
||||||
# cmake-3.28.4 from pip to get enable_language(HIP)
|
ln -s /usr/bin/cmake3 /usr/bin/cmake
|
||||||
# and avoid 3.21.0 cmake+ninja issues with ninja inserting "-Wl,--no-as-needed" in LINK_FLAGS for static linker
|
|
||||||
RUN python3 -m pip install --upgrade pip && \
|
|
||||||
python3 -mpip install cmake==3.28.4
|
|
||||||
# replace the libdrm in /opt/amdgpu with custom amdgpu.ids lookup path
|
|
||||||
ADD ./common/install_rocm_drm.sh install_rocm_drm.sh
|
|
||||||
RUN bash ./install_rocm_drm.sh && rm install_rocm_drm.sh
|
|
||||||
# ROCm 6.4 rocm-smi depends on system drm.h header
|
|
||||||
RUN yum install -y libdrm-devel
|
|
||||||
ENV MKLROOT /opt/intel
|
|
||||||
ADD ./common/install_rocm_magma.sh install_rocm_magma.sh
|
|
||||||
RUN bash ./install_rocm_magma.sh ${ROCM_VERSION} && rm install_rocm_magma.sh
|
|
||||||
ADD ./common/install_miopen.sh install_miopen.sh
|
ADD ./common/install_miopen.sh install_miopen.sh
|
||||||
RUN bash ./install_miopen.sh ${ROCM_VERSION} && rm install_miopen.sh
|
RUN bash ./install_miopen.sh ${ROCM_VERSION} && rm install_miopen.sh
|
||||||
|
|
||||||
@ -175,6 +158,5 @@ ENV XPU_DRIVER_TYPE ROLLING
|
|||||||
RUN python3 -m pip install --upgrade pip && \
|
RUN python3 -m pip install --upgrade pip && \
|
||||||
python3 -mpip install cmake==3.28.4
|
python3 -mpip install cmake==3.28.4
|
||||||
ADD ./common/install_xpu.sh install_xpu.sh
|
ADD ./common/install_xpu.sh install_xpu.sh
|
||||||
ENV XPU_VERSION 2025.2
|
|
||||||
RUN bash ./install_xpu.sh && rm install_xpu.sh
|
RUN bash ./install_xpu.sh && rm install_xpu.sh
|
||||||
RUN pushd /opt/_internal && tar -xJf static-libs-for-embedding-only.tar.xz && popd
|
RUN pushd /opt/_internal && tar -xJf static-libs-for-embedding-only.tar.xz && popd
|
||||||
|
@ -1,8 +1,9 @@
|
|||||||
FROM quay.io/pypa/manylinux_2_28_aarch64 as base
|
FROM quay.io/pypa/manylinux_2_28_aarch64 as base
|
||||||
|
|
||||||
ARG GCCTOOLSET_VERSION=13
|
# Graviton needs GCC 10 or above for the build. GCC12 is the default version in almalinux-8.
|
||||||
|
ARG GCCTOOLSET_VERSION=11
|
||||||
|
|
||||||
# Language variables
|
# Language variabes
|
||||||
ENV LC_ALL=en_US.UTF-8
|
ENV LC_ALL=en_US.UTF-8
|
||||||
ENV LANG=en_US.UTF-8
|
ENV LANG=en_US.UTF-8
|
||||||
ENV LANGUAGE=en_US.UTF-8
|
ENV LANGUAGE=en_US.UTF-8
|
||||||
@ -35,16 +36,7 @@ RUN yum install -y \
|
|||||||
yasm \
|
yasm \
|
||||||
zstd \
|
zstd \
|
||||||
sudo \
|
sudo \
|
||||||
gcc-toolset-${GCCTOOLSET_VERSION}-gcc \
|
gcc-toolset-${GCCTOOLSET_VERSION}-toolchain
|
||||||
gcc-toolset-${GCCTOOLSET_VERSION}-gcc-c++ \
|
|
||||||
gcc-toolset-${GCCTOOLSET_VERSION}-gcc-gfortran \
|
|
||||||
gcc-toolset-${GCCTOOLSET_VERSION}-gdb
|
|
||||||
|
|
||||||
# (optional) Install non-default Ninja version
|
|
||||||
ARG NINJA_VERSION
|
|
||||||
COPY ./common/install_ninja.sh install_ninja.sh
|
|
||||||
RUN if [ -n "${NINJA_VERSION}" ]; then bash ./install_ninja.sh; fi
|
|
||||||
RUN rm install_ninja.sh
|
|
||||||
|
|
||||||
# Ensure the expected devtoolset is used
|
# Ensure the expected devtoolset is used
|
||||||
ENV PATH=/opt/rh/gcc-toolset-${GCCTOOLSET_VERSION}/root/usr/bin:$PATH
|
ENV PATH=/opt/rh/gcc-toolset-${GCCTOOLSET_VERSION}/root/usr/bin:$PATH
|
||||||
@ -56,18 +48,10 @@ ENV LD_LIBRARY_PATH=/opt/rh/gcc-toolset-${GCCTOOLSET_VERSION}/root/usr/lib64:/op
|
|||||||
# For more details see https://github.com/pytorch/pytorch/issues/78659#issuecomment-1144107327
|
# For more details see https://github.com/pytorch/pytorch/issues/78659#issuecomment-1144107327
|
||||||
RUN git config --global --add safe.directory "*"
|
RUN git config --global --add safe.directory "*"
|
||||||
|
|
||||||
FROM base as openblas
|
|
||||||
# Install openblas
|
|
||||||
ARG OPENBLAS_VERSION
|
|
||||||
ADD ./common/install_openblas.sh install_openblas.sh
|
|
||||||
RUN bash ./install_openblas.sh && rm install_openblas.sh
|
|
||||||
|
|
||||||
FROM base as final
|
FROM base as final
|
||||||
|
|
||||||
# remove unnecessary python versions
|
# remove unncessary python versions
|
||||||
RUN rm -rf /opt/python/cp26-cp26m /opt/_internal/cpython-2.6.9-ucs2
|
RUN rm -rf /opt/python/cp26-cp26m /opt/_internal/cpython-2.6.9-ucs2
|
||||||
RUN rm -rf /opt/python/cp26-cp26mu /opt/_internal/cpython-2.6.9-ucs4
|
RUN rm -rf /opt/python/cp26-cp26mu /opt/_internal/cpython-2.6.9-ucs4
|
||||||
RUN rm -rf /opt/python/cp33-cp33m /opt/_internal/cpython-3.3.6
|
RUN rm -rf /opt/python/cp33-cp33m /opt/_internal/cpython-3.3.6
|
||||||
RUN rm -rf /opt/python/cp34-cp34m /opt/_internal/cpython-3.4.6
|
RUN rm -rf /opt/python/cp34-cp34m /opt/_internal/cpython-3.4.6
|
||||||
COPY --from=openblas /opt/OpenBLAS/ /opt/OpenBLAS/
|
|
||||||
ENV LD_LIBRARY_PATH=/opt/OpenBLAS/lib:$LD_LIBRARY_PATH
|
|
||||||
|
94
.ci/docker/manywheel/Dockerfile_aarch64
Normal file
94
.ci/docker/manywheel/Dockerfile_aarch64
Normal file
@ -0,0 +1,94 @@
|
|||||||
|
FROM quay.io/pypa/manylinux2014_aarch64 as base
|
||||||
|
|
||||||
|
|
||||||
|
# Graviton needs GCC 10 for the build
|
||||||
|
ARG DEVTOOLSET_VERSION=10
|
||||||
|
|
||||||
|
# Language variabes
|
||||||
|
ENV LC_ALL=en_US.UTF-8
|
||||||
|
ENV LANG=en_US.UTF-8
|
||||||
|
ENV LANGUAGE=en_US.UTF-8
|
||||||
|
|
||||||
|
# Installed needed OS packages. This is to support all
|
||||||
|
# the binary builds (torch, vision, audio, text, data)
|
||||||
|
RUN yum -y install epel-release
|
||||||
|
RUN yum -y update
|
||||||
|
RUN yum install -y \
|
||||||
|
autoconf \
|
||||||
|
automake \
|
||||||
|
bison \
|
||||||
|
bzip2 \
|
||||||
|
curl \
|
||||||
|
diffutils \
|
||||||
|
file \
|
||||||
|
git \
|
||||||
|
make \
|
||||||
|
patch \
|
||||||
|
perl \
|
||||||
|
unzip \
|
||||||
|
util-linux \
|
||||||
|
wget \
|
||||||
|
which \
|
||||||
|
xz \
|
||||||
|
yasm \
|
||||||
|
less \
|
||||||
|
zstd \
|
||||||
|
libgomp \
|
||||||
|
sudo \
|
||||||
|
devtoolset-${DEVTOOLSET_VERSION}-gcc \
|
||||||
|
devtoolset-${DEVTOOLSET_VERSION}-gcc-c++ \
|
||||||
|
devtoolset-${DEVTOOLSET_VERSION}-gcc-gfortran \
|
||||||
|
devtoolset-${DEVTOOLSET_VERSION}-binutils
|
||||||
|
|
||||||
|
# Ensure the expected devtoolset is used
|
||||||
|
ENV PATH=/opt/rh/devtoolset-${DEVTOOLSET_VERSION}/root/usr/bin:$PATH
|
||||||
|
ENV LD_LIBRARY_PATH=/opt/rh/devtoolset-${DEVTOOLSET_VERSION}/root/usr/lib64:/opt/rh/devtoolset-${DEVTOOLSET_VERSION}/root/usr/lib:$LD_LIBRARY_PATH
|
||||||
|
|
||||||
|
|
||||||
|
# git236+ would refuse to run git commands in repos owned by other users
|
||||||
|
# Which causes version check to fail, as pytorch repo is bind-mounted into the image
|
||||||
|
# Override this behaviour by treating every folder as safe
|
||||||
|
# For more details see https://github.com/pytorch/pytorch/issues/78659#issuecomment-1144107327
|
||||||
|
RUN git config --global --add safe.directory "*"
|
||||||
|
|
||||||
|
|
||||||
|
###############################################################################
|
||||||
|
# libglfortran.a hack
|
||||||
|
#
|
||||||
|
# libgfortran.a from quay.io/pypa/manylinux2014_aarch64 is not compiled with -fPIC.
|
||||||
|
# This causes __stack_chk_guard@@GLIBC_2.17 on pytorch build. To solve, get
|
||||||
|
# ubuntu's libgfortran.a which is compiled with -fPIC
|
||||||
|
# NOTE: Need a better way to get this library as Ubuntu's package can be removed by the vender, or changed
|
||||||
|
###############################################################################
|
||||||
|
RUN cd ~/ \
|
||||||
|
&& curl -L -o ~/libgfortran-10-dev.deb http://ports.ubuntu.com/ubuntu-ports/pool/universe/g/gcc-10/libgfortran-10-dev_10.5.0-1ubuntu1_arm64.deb \
|
||||||
|
&& ar x ~/libgfortran-10-dev.deb \
|
||||||
|
&& tar --use-compress-program=unzstd -xvf data.tar.zst -C ~/ \
|
||||||
|
&& cp -f ~/usr/lib/gcc/aarch64-linux-gnu/10/libgfortran.a /opt/rh/devtoolset-10/root/usr/lib/gcc/aarch64-redhat-linux/10/
|
||||||
|
|
||||||
|
# install cmake
|
||||||
|
RUN yum install -y cmake3 && \
|
||||||
|
ln -s /usr/bin/cmake3 /usr/bin/cmake
|
||||||
|
|
||||||
|
FROM base as openssl
|
||||||
|
# Install openssl (this must precede `build python` step)
|
||||||
|
# (In order to have a proper SSL module, Python is compiled
|
||||||
|
# against a recent openssl [see env vars above], which is linked
|
||||||
|
# statically. We delete openssl afterwards.)
|
||||||
|
ADD ./common/install_openssl.sh install_openssl.sh
|
||||||
|
RUN bash ./install_openssl.sh && rm install_openssl.sh
|
||||||
|
ENV SSL_CERT_FILE=/opt/_internal/certs.pem
|
||||||
|
|
||||||
|
FROM base as openblas
|
||||||
|
# Install openblas
|
||||||
|
ADD ./common/install_openblas.sh install_openblas.sh
|
||||||
|
RUN bash ./install_openblas.sh && rm install_openblas.sh
|
||||||
|
|
||||||
|
FROM openssl as final
|
||||||
|
# remove unncessary python versions
|
||||||
|
RUN rm -rf /opt/python/cp26-cp26m /opt/_internal/cpython-2.6.9-ucs2
|
||||||
|
RUN rm -rf /opt/python/cp26-cp26mu /opt/_internal/cpython-2.6.9-ucs4
|
||||||
|
RUN rm -rf /opt/python/cp33-cp33m /opt/_internal/cpython-3.3.6
|
||||||
|
RUN rm -rf /opt/python/cp34-cp34m /opt/_internal/cpython-3.4.6
|
||||||
|
COPY --from=openblas /opt/OpenBLAS/ /opt/OpenBLAS/
|
||||||
|
ENV LD_LIBRARY_PATH=/opt/OpenBLAS/lib:$LD_LIBRARY_PATH
|
@ -1,7 +1,7 @@
|
|||||||
FROM quay.io/pypa/manylinux_2_28_aarch64 as base
|
FROM quay.io/pypa/manylinux_2_28_aarch64 as base
|
||||||
|
|
||||||
# Cuda ARM build needs gcc 11
|
# Cuda ARM build needs gcc 11
|
||||||
ARG DEVTOOLSET_VERSION=13
|
ARG DEVTOOLSET_VERSION=11
|
||||||
|
|
||||||
# Language variables
|
# Language variables
|
||||||
ENV LC_ALL=en_US.UTF-8
|
ENV LC_ALL=en_US.UTF-8
|
||||||
@ -34,10 +34,7 @@ RUN yum install -y \
|
|||||||
zstd \
|
zstd \
|
||||||
libgomp \
|
libgomp \
|
||||||
sudo \
|
sudo \
|
||||||
gcc-toolset-${DEVTOOLSET_VERSION}-gcc \
|
gcc-toolset-${DEVTOOLSET_VERSION}-toolchain
|
||||||
gcc-toolset-${DEVTOOLSET_VERSION}-gcc-c++ \
|
|
||||||
gcc-toolset-${DEVTOOLSET_VERSION}-gcc-gfortran \
|
|
||||||
gcc-toolset-${DEVTOOLSET_VERSION}-gdb
|
|
||||||
|
|
||||||
# Ensure the expected devtoolset is used
|
# Ensure the expected devtoolset is used
|
||||||
ENV PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/bin:$PATH
|
ENV PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/bin:$PATH
|
||||||
@ -60,7 +57,7 @@ RUN bash ./install_openssl.sh && rm install_openssl.sh
|
|||||||
ENV SSL_CERT_FILE=/opt/_internal/certs.pem
|
ENV SSL_CERT_FILE=/opt/_internal/certs.pem
|
||||||
|
|
||||||
FROM openssl as final
|
FROM openssl as final
|
||||||
# remove unnecessary python versions
|
# remove unncessary python versions
|
||||||
RUN rm -rf /opt/python/cp26-cp26m /opt/_internal/cpython-2.6.9-ucs2
|
RUN rm -rf /opt/python/cp26-cp26m /opt/_internal/cpython-2.6.9-ucs2
|
||||||
RUN rm -rf /opt/python/cp26-cp26mu /opt/_internal/cpython-2.6.9-ucs4
|
RUN rm -rf /opt/python/cp26-cp26mu /opt/_internal/cpython-2.6.9-ucs4
|
||||||
RUN rm -rf /opt/python/cp33-cp33m /opt/_internal/cpython-3.3.6
|
RUN rm -rf /opt/python/cp33-cp33m /opt/_internal/cpython-3.3.6
|
||||||
@ -69,11 +66,8 @@ RUN rm -rf /opt/python/cp34-cp34m /opt/_internal/cpython-3.4.6
|
|||||||
FROM base as cuda
|
FROM base as cuda
|
||||||
ARG BASE_CUDA_VERSION
|
ARG BASE_CUDA_VERSION
|
||||||
# Install CUDA
|
# Install CUDA
|
||||||
ADD ./common/install_cuda.sh install_cuda.sh
|
ADD ./common/install_cuda_aarch64.sh install_cuda_aarch64.sh
|
||||||
COPY ./common/install_nccl.sh install_nccl.sh
|
RUN bash ./install_cuda_aarch64.sh ${BASE_CUDA_VERSION} && rm install_cuda_aarch64.sh
|
||||||
COPY ./common/install_cusparselt.sh install_cusparselt.sh
|
|
||||||
COPY ./ci_commit_pins/nccl-cu* /ci_commit_pins/
|
|
||||||
RUN bash ./install_cuda.sh ${BASE_CUDA_VERSION} && rm install_cuda.sh install_nccl.sh ci_commit_pins/nccl-cu* install_cusparselt.sh
|
|
||||||
|
|
||||||
FROM base as magma
|
FROM base as magma
|
||||||
ARG BASE_CUDA_VERSION
|
ARG BASE_CUDA_VERSION
|
||||||
|
71
.ci/docker/manywheel/Dockerfile_cxx11-abi
Normal file
71
.ci/docker/manywheel/Dockerfile_cxx11-abi
Normal file
@ -0,0 +1,71 @@
|
|||||||
|
FROM centos:8 as base
|
||||||
|
|
||||||
|
ENV LC_ALL en_US.UTF-8
|
||||||
|
ENV LANG en_US.UTF-8
|
||||||
|
ENV LANGUAGE en_US.UTF-8
|
||||||
|
ENV PATH /opt/rh/gcc-toolset-11/root/bin/:/usr/local/sbin:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin
|
||||||
|
|
||||||
|
# change to a valid repo
|
||||||
|
RUN sed -i 's|#baseurl=http://mirror.centos.org|baseurl=http://vault.centos.org|g' /etc/yum.repos.d/CentOS-Linux-*.repo
|
||||||
|
# enable to install ninja-build
|
||||||
|
RUN sed -i 's|enabled=0|enabled=1|g' /etc/yum.repos.d/CentOS-Linux-PowerTools.repo
|
||||||
|
|
||||||
|
RUN yum -y update
|
||||||
|
RUN yum install -y wget curl perl util-linux xz bzip2 git patch which zlib-devel sudo
|
||||||
|
RUN yum install -y autoconf automake make cmake gdb gcc-toolset-11-gcc-c++
|
||||||
|
|
||||||
|
|
||||||
|
FROM base as openssl
|
||||||
|
ADD ./common/install_openssl.sh install_openssl.sh
|
||||||
|
RUN bash ./install_openssl.sh && rm install_openssl.sh
|
||||||
|
|
||||||
|
# Install python
|
||||||
|
FROM base as python
|
||||||
|
RUN yum install -y openssl-devel zlib-devel bzip2-devel ncurses-devel sqlite-devel readline-devel tk-devel gdbm-devel libpcap-devel xz-devel libffi-devel
|
||||||
|
ADD common/install_cpython.sh install_cpython.sh
|
||||||
|
RUN bash ./install_cpython.sh && rm install_cpython.sh
|
||||||
|
|
||||||
|
FROM base as conda
|
||||||
|
ADD ./common/install_conda_docker.sh install_conda.sh
|
||||||
|
RUN bash ./install_conda.sh && rm install_conda.sh
|
||||||
|
RUN /opt/conda/bin/conda install -y cmake
|
||||||
|
|
||||||
|
FROM base as intel
|
||||||
|
# Install MKL
|
||||||
|
COPY --from=python /opt/python /opt/python
|
||||||
|
COPY --from=python /opt/_internal /opt/_internal
|
||||||
|
COPY --from=conda /opt/conda /opt/conda
|
||||||
|
ENV PATH=/opt/conda/bin:$PATH
|
||||||
|
ADD ./common/install_mkl.sh install_mkl.sh
|
||||||
|
RUN bash ./install_mkl.sh && rm install_mkl.sh
|
||||||
|
|
||||||
|
FROM base as patchelf
|
||||||
|
ADD ./common/install_patchelf.sh install_patchelf.sh
|
||||||
|
RUN bash ./install_patchelf.sh && rm install_patchelf.sh
|
||||||
|
RUN cp $(which patchelf) /patchelf
|
||||||
|
|
||||||
|
FROM base as jni
|
||||||
|
ADD ./common/install_jni.sh install_jni.sh
|
||||||
|
ADD ./java/jni.h jni.h
|
||||||
|
RUN bash ./install_jni.sh && rm install_jni.sh
|
||||||
|
|
||||||
|
FROM base as libpng
|
||||||
|
ADD ./common/install_libpng.sh install_libpng.sh
|
||||||
|
RUN bash ./install_libpng.sh && rm install_libpng.sh
|
||||||
|
|
||||||
|
FROM base as final
|
||||||
|
COPY --from=openssl /opt/openssl /opt/openssl
|
||||||
|
COPY --from=python /opt/python /opt/python
|
||||||
|
COPY --from=python /opt/_internal /opt/_internal
|
||||||
|
COPY --from=intel /opt/intel /opt/intel
|
||||||
|
COPY --from=conda /opt/conda /opt/conda
|
||||||
|
COPY --from=patchelf /usr/local/bin/patchelf /usr/local/bin/patchelf
|
||||||
|
COPY --from=jni /usr/local/include/jni.h /usr/local/include/jni.h
|
||||||
|
COPY --from=libpng /usr/local/bin/png* /usr/local/bin/
|
||||||
|
COPY --from=libpng /usr/local/bin/libpng* /usr/local/bin/
|
||||||
|
COPY --from=libpng /usr/local/include/png* /usr/local/include/
|
||||||
|
COPY --from=libpng /usr/local/include/libpng* /usr/local/include/
|
||||||
|
COPY --from=libpng /usr/local/lib/libpng* /usr/local/lib/
|
||||||
|
COPY --from=libpng /usr/local/lib/pkgconfig /usr/local/lib/pkgconfig
|
||||||
|
|
||||||
|
RUN yum install -y ninja-build
|
@ -1,22 +1,17 @@
|
|||||||
FROM quay.io/pypa/manylinux_2_28_s390x as base
|
FROM --platform=linux/s390x docker.io/ubuntu:24.04 as base
|
||||||
|
|
||||||
# Language variables
|
# Language variables
|
||||||
ENV LC_ALL=C.UTF-8
|
ENV LC_ALL=C.UTF-8
|
||||||
ENV LANG=C.UTF-8
|
ENV LANG=C.UTF-8
|
||||||
ENV LANGUAGE=C.UTF-8
|
ENV LANGUAGE=C.UTF-8
|
||||||
|
|
||||||
# there is a bugfix in gcc >= 14 for precompiled headers and s390x vectorization interaction.
|
|
||||||
# with earlier gcc versions test/inductor/test_cpu_cpp_wrapper.py will fail.
|
|
||||||
ARG DEVTOOLSET_VERSION=14
|
|
||||||
# Installed needed OS packages. This is to support all
|
# Installed needed OS packages. This is to support all
|
||||||
# the binary builds (torch, vision, audio, text, data)
|
# the binary builds (torch, vision, audio, text, data)
|
||||||
RUN yum -y install epel-release
|
RUN apt update ; apt upgrade -y
|
||||||
RUN yum -y update
|
RUN apt install -y \
|
||||||
RUN yum install -y \
|
build-essential \
|
||||||
sudo \
|
|
||||||
autoconf \
|
autoconf \
|
||||||
automake \
|
automake \
|
||||||
bison \
|
|
||||||
bzip2 \
|
bzip2 \
|
||||||
curl \
|
curl \
|
||||||
diffutils \
|
diffutils \
|
||||||
@ -29,42 +24,19 @@ RUN yum install -y \
|
|||||||
util-linux \
|
util-linux \
|
||||||
wget \
|
wget \
|
||||||
which \
|
which \
|
||||||
xz \
|
xz-utils \
|
||||||
yasm \
|
|
||||||
less \
|
less \
|
||||||
zstd \
|
zstd \
|
||||||
libgomp \
|
|
||||||
gcc-toolset-${DEVTOOLSET_VERSION}-gcc \
|
|
||||||
gcc-toolset-${DEVTOOLSET_VERSION}-gcc-c++ \
|
|
||||||
gcc-toolset-${DEVTOOLSET_VERSION}-binutils \
|
|
||||||
gcc-toolset-${DEVTOOLSET_VERSION}-gcc-gfortran \
|
|
||||||
cmake \
|
cmake \
|
||||||
rust \
|
python3 \
|
||||||
cargo \
|
python3-dev \
|
||||||
llvm-devel \
|
python3-setuptools \
|
||||||
libzstd-devel \
|
python3-yaml \
|
||||||
python3.12-devel \
|
python3-typing-extensions \
|
||||||
python3.12-test \
|
libblas-dev \
|
||||||
python3.12-setuptools \
|
libopenblas-dev \
|
||||||
python3.12-pip \
|
liblapack-dev \
|
||||||
python3-virtualenv \
|
libatlas-base-dev
|
||||||
python3.12-pyyaml \
|
|
||||||
python3.12-numpy \
|
|
||||||
python3.12-wheel \
|
|
||||||
python3.12-cryptography \
|
|
||||||
blas-devel \
|
|
||||||
openblas-devel \
|
|
||||||
lapack-devel \
|
|
||||||
atlas-devel \
|
|
||||||
libjpeg-devel \
|
|
||||||
libxslt-devel \
|
|
||||||
libxml2-devel \
|
|
||||||
openssl-devel \
|
|
||||||
valgrind \
|
|
||||||
ninja-build
|
|
||||||
|
|
||||||
ENV PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/bin:$PATH
|
|
||||||
ENV LD_LIBRARY_PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib64:/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib:$LD_LIBRARY_PATH
|
|
||||||
|
|
||||||
# git236+ would refuse to run git commands in repos owned by other users
|
# git236+ would refuse to run git commands in repos owned by other users
|
||||||
# Which causes version check to fail, as pytorch repo is bind-mounted into the image
|
# Which causes version check to fail, as pytorch repo is bind-mounted into the image
|
||||||
@ -72,8 +44,14 @@ ENV LD_LIBRARY_PATH=/opt/rh/gcc-toolset-${DEVTOOLSET_VERSION}/root/usr/lib64:/op
|
|||||||
# For more details see https://github.com/pytorch/pytorch/issues/78659#issuecomment-1144107327
|
# For more details see https://github.com/pytorch/pytorch/issues/78659#issuecomment-1144107327
|
||||||
RUN git config --global --add safe.directory "*"
|
RUN git config --global --add safe.directory "*"
|
||||||
|
|
||||||
# installed python doesn't have development parts. Rebuild it from scratch
|
FROM base as openssl
|
||||||
RUN /bin/rm -rf /opt/_internal /opt/python /usr/local/*/*
|
# Install openssl (this must precede `build python` step)
|
||||||
|
# (In order to have a proper SSL module, Python is compiled
|
||||||
|
# against a recent openssl [see env vars above], which is linked
|
||||||
|
# statically. We delete openssl afterwards.)
|
||||||
|
ADD ./common/install_openssl.sh install_openssl.sh
|
||||||
|
RUN bash ./install_openssl.sh && rm install_openssl.sh
|
||||||
|
ENV SSL_CERT_FILE=/opt/_internal/certs.pem
|
||||||
|
|
||||||
# EPEL for cmake
|
# EPEL for cmake
|
||||||
FROM base as patchelf
|
FROM base as patchelf
|
||||||
@ -86,56 +64,10 @@ FROM patchelf as python
|
|||||||
# build python
|
# build python
|
||||||
COPY manywheel/build_scripts /build_scripts
|
COPY manywheel/build_scripts /build_scripts
|
||||||
ADD ./common/install_cpython.sh /build_scripts/install_cpython.sh
|
ADD ./common/install_cpython.sh /build_scripts/install_cpython.sh
|
||||||
ENV SSL_CERT_FILE=
|
|
||||||
RUN bash build_scripts/build.sh && rm -r build_scripts
|
RUN bash build_scripts/build.sh && rm -r build_scripts
|
||||||
|
|
||||||
FROM base as final
|
FROM openssl as final
|
||||||
COPY --from=python /opt/python /opt/python
|
COPY --from=python /opt/python /opt/python
|
||||||
COPY --from=python /opt/_internal /opt/_internal
|
COPY --from=python /opt/_internal /opt/_internal
|
||||||
COPY --from=python /opt/python/cp39-cp39/bin/auditwheel /usr/local/bin/auditwheel
|
COPY --from=python /opt/python/cp39-cp39/bin/auditwheel /usr/local/bin/auditwheel
|
||||||
COPY --from=patchelf /usr/local/bin/patchelf /usr/local/bin/patchelf
|
COPY --from=patchelf /usr/local/bin/patchelf /usr/local/bin/patchelf
|
||||||
|
|
||||||
RUN alternatives --set python /usr/bin/python3.12
|
|
||||||
RUN alternatives --set python3 /usr/bin/python3.12
|
|
||||||
|
|
||||||
RUN pip-3.12 install typing_extensions
|
|
||||||
|
|
||||||
ENTRYPOINT []
|
|
||||||
CMD ["/bin/bash"]
|
|
||||||
|
|
||||||
# install test dependencies:
|
|
||||||
# - grpcio requires system openssl, bundled crypto fails to build
|
|
||||||
RUN dnf install -y \
|
|
||||||
hdf5-devel \
|
|
||||||
python3-h5py \
|
|
||||||
git
|
|
||||||
|
|
||||||
RUN env GRPC_PYTHON_BUILD_SYSTEM_OPENSSL=True pip3 install grpcio
|
|
||||||
|
|
||||||
# cmake-3.28.0 from pip for onnxruntime
|
|
||||||
RUN python3 -mpip install cmake==3.28.0
|
|
||||||
|
|
||||||
# build onnxruntime 1.21.0 from sources.
|
|
||||||
# it is not possible to build it from sources using pip,
|
|
||||||
# so just build it from upstream repository.
|
|
||||||
# h5py is dependency of onnxruntime_training.
|
|
||||||
# h5py==3.11.0 builds with hdf5-devel 1.10.5 from repository.
|
|
||||||
# h5py 3.11.0 doesn't build with numpy >= 2.3.0.
|
|
||||||
# install newest flatbuffers version first:
|
|
||||||
# for some reason old version is getting pulled in otherwise.
|
|
||||||
# packaging package is required for onnxruntime wheel build.
|
|
||||||
RUN pip3 install flatbuffers && \
|
|
||||||
pip3 install cython 'pkgconfig>=1.5.5' 'setuptools>=77' 'numpy<2.3.0' && \
|
|
||||||
pip3 install --no-build-isolation h5py==3.11.0 && \
|
|
||||||
pip3 install packaging && \
|
|
||||||
git clone https://github.com/microsoft/onnxruntime && \
|
|
||||||
cd onnxruntime && git checkout v1.21.0 && \
|
|
||||||
git submodule update --init --recursive && \
|
|
||||||
wget https://github.com/microsoft/onnxruntime/commit/f57db79743c4d1a3553aa05cf95bcd10966030e6.patch && \
|
|
||||||
patch -p1 < f57db79743c4d1a3553aa05cf95bcd10966030e6.patch && \
|
|
||||||
./build.sh --config Release --parallel 0 --enable_pybind \
|
|
||||||
--build_wheel --enable_training --enable_training_apis \
|
|
||||||
--enable_training_ops --skip_tests --allow_running_as_root \
|
|
||||||
--compile_no_warning_as_error && \
|
|
||||||
pip3 install ./build/Linux/Release/dist/onnxruntime_training-*.whl && \
|
|
||||||
cd .. && /bin/rm -rf ./onnxruntime
|
|
||||||
|
@ -1,7 +1,7 @@
|
|||||||
#!/usr/bin/env bash
|
#!/usr/bin/env bash
|
||||||
# Script used only in CD pipeline
|
# Script used only in CD pipeline
|
||||||
|
|
||||||
set -exou pipefail
|
set -eou pipefail
|
||||||
|
|
||||||
TOPDIR=$(git rev-parse --show-toplevel)
|
TOPDIR=$(git rev-parse --show-toplevel)
|
||||||
|
|
||||||
@ -9,119 +9,153 @@ image="$1"
|
|||||||
shift
|
shift
|
||||||
|
|
||||||
if [ -z "${image}" ]; then
|
if [ -z "${image}" ]; then
|
||||||
echo "Usage: $0 IMAGE:ARCHTAG"
|
echo "Usage: $0 IMAGE"
|
||||||
exit 1
|
exit 1
|
||||||
fi
|
fi
|
||||||
|
|
||||||
# Go from imagename:tag to tag
|
DOCKER_IMAGE="pytorch/${image}"
|
||||||
DOCKER_TAG_PREFIX=$(echo "${image}" | awk -F':' '{print $2}')
|
|
||||||
|
|
||||||
GPU_ARCH_VERSION=""
|
DOCKER_REGISTRY="${DOCKER_REGISTRY:-docker.io}"
|
||||||
if [[ "${DOCKER_TAG_PREFIX}" == cuda* ]]; then
|
|
||||||
# extract cuda version from image name. e.g. manylinux2_28-builder:cuda12.8 returns 12.8
|
|
||||||
GPU_ARCH_VERSION=$(echo "${DOCKER_TAG_PREFIX}" | awk -F'cuda' '{print $2}')
|
|
||||||
elif [[ "${DOCKER_TAG_PREFIX}" == rocm* ]]; then
|
|
||||||
# extract rocm version from image name. e.g. manylinux2_28-builder:rocm6.2.4 returns 6.2.4
|
|
||||||
GPU_ARCH_VERSION=$(echo "${DOCKER_TAG_PREFIX}" | awk -F'rocm' '{print $2}')
|
|
||||||
fi
|
|
||||||
|
|
||||||
|
GPU_ARCH_TYPE=${GPU_ARCH_TYPE:-cpu}
|
||||||
|
GPU_ARCH_VERSION=${GPU_ARCH_VERSION:-}
|
||||||
MANY_LINUX_VERSION=${MANY_LINUX_VERSION:-}
|
MANY_LINUX_VERSION=${MANY_LINUX_VERSION:-}
|
||||||
DOCKERFILE_SUFFIX=${DOCKERFILE_SUFFIX:-}
|
DOCKERFILE_SUFFIX=${DOCKERFILE_SUFFIX:-}
|
||||||
OPENBLAS_VERSION=${OPENBLAS_VERSION:-}
|
WITH_PUSH=${WITH_PUSH:-}
|
||||||
|
|
||||||
case ${image} in
|
case ${GPU_ARCH_TYPE} in
|
||||||
manylinux2_28-builder:cpu)
|
cpu)
|
||||||
TARGET=cpu_final
|
TARGET=cpu_final
|
||||||
|
DOCKER_TAG=cpu
|
||||||
|
GPU_IMAGE=centos:7
|
||||||
|
DOCKER_GPU_BUILD_ARG=" --build-arg DEVTOOLSET_VERSION=9"
|
||||||
|
;;
|
||||||
|
cpu-manylinux_2_28)
|
||||||
|
TARGET=cpu_final
|
||||||
|
DOCKER_TAG=cpu
|
||||||
GPU_IMAGE=amd64/almalinux:8
|
GPU_IMAGE=amd64/almalinux:8
|
||||||
DOCKER_GPU_BUILD_ARG=" --build-arg DEVTOOLSET_VERSION=13"
|
DOCKER_GPU_BUILD_ARG=" --build-arg DEVTOOLSET_VERSION=11"
|
||||||
MANY_LINUX_VERSION="2_28"
|
MANY_LINUX_VERSION="2_28"
|
||||||
;;
|
;;
|
||||||
manylinux2_28_aarch64-builder:cpu-aarch64)
|
cpu-aarch64)
|
||||||
TARGET=final
|
TARGET=final
|
||||||
GPU_IMAGE=arm64v8/almalinux:8
|
DOCKER_TAG=cpu-aarch64
|
||||||
DOCKER_GPU_BUILD_ARG=" --build-arg DEVTOOLSET_VERSION=13 --build-arg NINJA_VERSION=1.12.1"
|
GPU_IMAGE=arm64v8/centos:7
|
||||||
MANY_LINUX_VERSION="2_28_aarch64"
|
DOCKER_GPU_BUILD_ARG=" --build-arg DEVTOOLSET_VERSION=10"
|
||||||
OPENBLAS_VERSION="v0.3.30"
|
MANY_LINUX_VERSION="aarch64"
|
||||||
;;
|
;;
|
||||||
manylinuxs390x-builder:cpu-s390x)
|
cpu-aarch64-2_28)
|
||||||
TARGET=final
|
TARGET=final
|
||||||
GPU_IMAGE=s390x/almalinux:8
|
DOCKER_TAG=cpu-aarch64
|
||||||
|
GPU_IMAGE=arm64v8/almalinux:8
|
||||||
|
DOCKER_GPU_BUILD_ARG=" --build-arg DEVTOOLSET_VERSION=11"
|
||||||
|
MANY_LINUX_VERSION="2_28_aarch64"
|
||||||
|
;;
|
||||||
|
cpu-cxx11-abi)
|
||||||
|
TARGET=final
|
||||||
|
DOCKER_TAG=cpu-cxx11-abi
|
||||||
|
GPU_IMAGE=""
|
||||||
|
DOCKER_GPU_BUILD_ARG=" --build-arg DEVTOOLSET_VERSION=9"
|
||||||
|
MANY_LINUX_VERSION="cxx11-abi"
|
||||||
|
;;
|
||||||
|
cpu-s390x)
|
||||||
|
TARGET=final
|
||||||
|
DOCKER_TAG=cpu-s390x
|
||||||
|
GPU_IMAGE=redhat/ubi9
|
||||||
DOCKER_GPU_BUILD_ARG=""
|
DOCKER_GPU_BUILD_ARG=""
|
||||||
MANY_LINUX_VERSION="s390x"
|
MANY_LINUX_VERSION="s390x"
|
||||||
;;
|
;;
|
||||||
manylinux2_28-builder:cuda11*)
|
cuda)
|
||||||
TARGET=cuda_final
|
TARGET=cuda_final
|
||||||
|
DOCKER_TAG=cuda${GPU_ARCH_VERSION}
|
||||||
|
# Keep this up to date with the minimum version of CUDA we currently support
|
||||||
|
GPU_IMAGE=centos:7
|
||||||
|
DOCKER_GPU_BUILD_ARG="--build-arg BASE_CUDA_VERSION=${GPU_ARCH_VERSION} --build-arg DEVTOOLSET_VERSION=9"
|
||||||
|
;;
|
||||||
|
cuda-manylinux_2_28)
|
||||||
|
TARGET=cuda_final
|
||||||
|
DOCKER_TAG=cuda${GPU_ARCH_VERSION}
|
||||||
GPU_IMAGE=amd64/almalinux:8
|
GPU_IMAGE=amd64/almalinux:8
|
||||||
DOCKER_GPU_BUILD_ARG="--build-arg BASE_CUDA_VERSION=${GPU_ARCH_VERSION} --build-arg DEVTOOLSET_VERSION=11"
|
DOCKER_GPU_BUILD_ARG="--build-arg BASE_CUDA_VERSION=${GPU_ARCH_VERSION} --build-arg DEVTOOLSET_VERSION=11"
|
||||||
MANY_LINUX_VERSION="2_28"
|
MANY_LINUX_VERSION="2_28"
|
||||||
;;
|
;;
|
||||||
manylinux2_28-builder:cuda12*)
|
cuda-aarch64)
|
||||||
TARGET=cuda_final
|
TARGET=cuda_final
|
||||||
GPU_IMAGE=amd64/almalinux:8
|
DOCKER_TAG=cuda${GPU_ARCH_VERSION}
|
||||||
DOCKER_GPU_BUILD_ARG="--build-arg BASE_CUDA_VERSION=${GPU_ARCH_VERSION} --build-arg DEVTOOLSET_VERSION=13"
|
GPU_IMAGE=arm64v8/centos:7
|
||||||
MANY_LINUX_VERSION="2_28"
|
DOCKER_GPU_BUILD_ARG="--build-arg BASE_CUDA_VERSION=${GPU_ARCH_VERSION} --build-arg DEVTOOLSET_VERSION=11"
|
||||||
;;
|
|
||||||
manylinux2_28-builder:cuda13*)
|
|
||||||
TARGET=cuda_final
|
|
||||||
GPU_IMAGE=amd64/almalinux:8
|
|
||||||
DOCKER_GPU_BUILD_ARG="--build-arg BASE_CUDA_VERSION=${GPU_ARCH_VERSION} --build-arg DEVTOOLSET_VERSION=13"
|
|
||||||
MANY_LINUX_VERSION="2_28"
|
|
||||||
;;
|
|
||||||
manylinuxaarch64-builder:cuda*)
|
|
||||||
TARGET=cuda_final
|
|
||||||
GPU_IMAGE=amd64/almalinux:8
|
|
||||||
DOCKER_GPU_BUILD_ARG="--build-arg BASE_CUDA_VERSION=${GPU_ARCH_VERSION} --build-arg DEVTOOLSET_VERSION=13"
|
|
||||||
MANY_LINUX_VERSION="aarch64"
|
MANY_LINUX_VERSION="aarch64"
|
||||||
DOCKERFILE_SUFFIX="_cuda_aarch64"
|
DOCKERFILE_SUFFIX="_cuda_aarch64"
|
||||||
;;
|
;;
|
||||||
manylinux2_28-builder:rocm*)
|
rocm)
|
||||||
# we want the patch version of 6.4 instead
|
|
||||||
if [[ "$GPU_ARCH_VERSION" == *"6.4"* ]]; then
|
|
||||||
GPU_ARCH_VERSION="${GPU_ARCH_VERSION}.2"
|
|
||||||
fi
|
|
||||||
TARGET=rocm_final
|
TARGET=rocm_final
|
||||||
MANY_LINUX_VERSION="2_28"
|
DOCKER_TAG=rocm${GPU_ARCH_VERSION}
|
||||||
DEVTOOLSET_VERSION="11"
|
GPU_IMAGE=rocm/dev-centos-7:${GPU_ARCH_VERSION}-complete
|
||||||
GPU_IMAGE=rocm/dev-almalinux-8:${GPU_ARCH_VERSION}-complete
|
PYTORCH_ROCM_ARCH="gfx900;gfx906;gfx908;gfx90a;gfx1030;gfx1100"
|
||||||
PYTORCH_ROCM_ARCH="gfx900;gfx906;gfx908;gfx90a;gfx942;gfx1030;gfx1100;gfx1101;gfx1102;gfx1200;gfx1201"
|
ROCM_REGEX="([0-9]+)\.([0-9]+)[\.]?([0-9]*)"
|
||||||
# add gfx950 conditionally starting in ROCm 7.0
|
if [[ $GPU_ARCH_VERSION =~ $ROCM_REGEX ]]; then
|
||||||
if [[ "$GPU_ARCH_VERSION" == *"7.0"* ]]; then
|
ROCM_VERSION_INT=$((${BASH_REMATCH[1]}*10000 + ${BASH_REMATCH[2]}*100 + ${BASH_REMATCH[3]:-0}))
|
||||||
PYTORCH_ROCM_ARCH="${PYTORCH_ROCM_ARCH};gfx950"
|
else
|
||||||
|
echo "ERROR: rocm regex failed"
|
||||||
|
exit 1
|
||||||
fi
|
fi
|
||||||
DOCKER_GPU_BUILD_ARG="--build-arg ROCM_VERSION=${GPU_ARCH_VERSION} --build-arg PYTORCH_ROCM_ARCH=${PYTORCH_ROCM_ARCH} --build-arg DEVTOOLSET_VERSION=${DEVTOOLSET_VERSION}"
|
if [[ $ROCM_VERSION_INT -ge 60000 ]]; then
|
||||||
|
PYTORCH_ROCM_ARCH+=";gfx942"
|
||||||
|
fi
|
||||||
|
DOCKER_GPU_BUILD_ARG="--build-arg ROCM_VERSION=${GPU_ARCH_VERSION} --build-arg PYTORCH_ROCM_ARCH=${PYTORCH_ROCM_ARCH} --build-arg DEVTOOLSET_VERSION=9"
|
||||||
;;
|
;;
|
||||||
manylinux2_28-builder:xpu)
|
xpu)
|
||||||
TARGET=xpu_final
|
TARGET=xpu_final
|
||||||
|
DOCKER_TAG=xpu
|
||||||
GPU_IMAGE=amd64/almalinux:8
|
GPU_IMAGE=amd64/almalinux:8
|
||||||
DOCKER_GPU_BUILD_ARG=" --build-arg DEVTOOLSET_VERSION=11"
|
DOCKER_GPU_BUILD_ARG=" --build-arg DEVTOOLSET_VERSION=11"
|
||||||
MANY_LINUX_VERSION="2_28"
|
MANY_LINUX_VERSION="2_28"
|
||||||
;;
|
;;
|
||||||
*)
|
*)
|
||||||
echo "ERROR: Unrecognized image name: ${image}"
|
echo "ERROR: Unrecognized GPU_ARCH_TYPE: ${GPU_ARCH_TYPE}"
|
||||||
exit 1
|
exit 1
|
||||||
;;
|
;;
|
||||||
esac
|
esac
|
||||||
|
|
||||||
|
IMAGES=''
|
||||||
|
|
||||||
if [[ -n ${MANY_LINUX_VERSION} && -z ${DOCKERFILE_SUFFIX} ]]; then
|
if [[ -n ${MANY_LINUX_VERSION} && -z ${DOCKERFILE_SUFFIX} ]]; then
|
||||||
DOCKERFILE_SUFFIX=_${MANY_LINUX_VERSION}
|
DOCKERFILE_SUFFIX=_${MANY_LINUX_VERSION}
|
||||||
fi
|
fi
|
||||||
# Only activate this if in CI
|
(
|
||||||
if [ "$(uname -m)" != "s390x" ] && [ -v CI ]; then
|
set -x
|
||||||
|
|
||||||
# TODO: Remove LimitNOFILE=1048576 patch once https://github.com/pytorch/test-infra/issues/5712
|
# TODO: Remove LimitNOFILE=1048576 patch once https://github.com/pytorch/test-infra/issues/5712
|
||||||
# is resolved. This patch is required in order to fix timing out of Docker build on Amazon Linux 2023.
|
# is resolved. This patch is required in order to fix timing out of Docker build on Amazon Linux 2023.
|
||||||
sudo sed -i s/LimitNOFILE=infinity/LimitNOFILE=1048576/ /usr/lib/systemd/system/docker.service
|
sudo sed -i s/LimitNOFILE=infinity/LimitNOFILE=1048576/ /usr/lib/systemd/system/docker.service
|
||||||
sudo systemctl daemon-reload
|
sudo systemctl daemon-reload
|
||||||
sudo systemctl restart docker
|
sudo systemctl restart docker
|
||||||
|
|
||||||
|
DOCKER_BUILDKIT=1 docker build \
|
||||||
|
${DOCKER_GPU_BUILD_ARG} \
|
||||||
|
--build-arg "GPU_IMAGE=${GPU_IMAGE}" \
|
||||||
|
--target "${TARGET}" \
|
||||||
|
-t "${DOCKER_IMAGE}" \
|
||||||
|
$@ \
|
||||||
|
-f "${TOPDIR}/.ci/docker/manywheel/Dockerfile${DOCKERFILE_SUFFIX}" \
|
||||||
|
"${TOPDIR}/.ci/docker/"
|
||||||
|
)
|
||||||
|
|
||||||
|
GITHUB_REF=${GITHUB_REF:-$(git symbolic-ref -q HEAD || git describe --tags --exact-match)}
|
||||||
|
GIT_BRANCH_NAME=${GITHUB_REF##*/}
|
||||||
|
GIT_COMMIT_SHA=${GITHUB_SHA:-$(git rev-parse HEAD)}
|
||||||
|
DOCKER_IMAGE_BRANCH_TAG=${DOCKER_IMAGE}-${GIT_BRANCH_NAME}
|
||||||
|
DOCKER_IMAGE_SHA_TAG=${DOCKER_IMAGE}-${GIT_COMMIT_SHA}
|
||||||
|
|
||||||
|
if [[ "${WITH_PUSH}" == true ]]; then
|
||||||
|
(
|
||||||
|
set -x
|
||||||
|
docker push "${DOCKER_IMAGE}"
|
||||||
|
if [[ -n ${GITHUB_REF} ]]; then
|
||||||
|
docker tag ${DOCKER_IMAGE} ${DOCKER_IMAGE_BRANCH_TAG}
|
||||||
|
docker tag ${DOCKER_IMAGE} ${DOCKER_IMAGE_SHA_TAG}
|
||||||
|
docker push "${DOCKER_IMAGE_BRANCH_TAG}"
|
||||||
|
docker push "${DOCKER_IMAGE_SHA_TAG}"
|
||||||
|
fi
|
||||||
|
)
|
||||||
fi
|
fi
|
||||||
|
|
||||||
tmp_tag=$(basename "$(mktemp -u)" | tr '[:upper:]' '[:lower:]')
|
|
||||||
|
|
||||||
DOCKER_BUILDKIT=1 docker build \
|
|
||||||
${DOCKER_GPU_BUILD_ARG} \
|
|
||||||
--build-arg "GPU_IMAGE=${GPU_IMAGE}" \
|
|
||||||
--build-arg "OPENBLAS_VERSION=${OPENBLAS_VERSION}" \
|
|
||||||
--target "${TARGET}" \
|
|
||||||
-t "${tmp_tag}" \
|
|
||||||
$@ \
|
|
||||||
-f "${TOPDIR}/.ci/docker/manywheel/Dockerfile${DOCKERFILE_SUFFIX}" \
|
|
||||||
"${TOPDIR}/.ci/docker/"
|
|
||||||
|
@ -16,27 +16,37 @@ CURL_HASH=cf34fe0b07b800f1c01a499a6e8b2af548f6d0e044dca4a29d88a4bee146d131
|
|||||||
AUTOCONF_ROOT=autoconf-2.69
|
AUTOCONF_ROOT=autoconf-2.69
|
||||||
AUTOCONF_HASH=954bd69b391edc12d6a4a51a2dd1476543da5c6bbf05a95b59dc0dd6fd4c2969
|
AUTOCONF_HASH=954bd69b391edc12d6a4a51a2dd1476543da5c6bbf05a95b59dc0dd6fd4c2969
|
||||||
|
|
||||||
# Dependencies for compiling Python that we want to remove from
|
|
||||||
# the final image after compiling Python
|
|
||||||
PYTHON_COMPILE_DEPS="zlib-devel bzip2-devel ncurses-devel sqlite-devel readline-devel tk-devel gdbm-devel libpcap-devel xz-devel libffi-devel"
|
|
||||||
|
|
||||||
if [ "$(uname -m)" != "s390x" ] ; then
|
|
||||||
PYTHON_COMPILE_DEPS="${PYTHON_COMPILE_DEPS} db4-devel"
|
|
||||||
else
|
|
||||||
PYTHON_COMPILE_DEPS="${PYTHON_COMPILE_DEPS} libdb-devel"
|
|
||||||
fi
|
|
||||||
|
|
||||||
# Libraries that are allowed as part of the manylinux1 profile
|
|
||||||
MANYLINUX1_DEPS="glibc-devel libstdc++-devel glib2-devel libX11-devel libXext-devel libXrender-devel mesa-libGL-devel libICE-devel libSM-devel ncurses-devel"
|
|
||||||
|
|
||||||
# Get build utilities
|
# Get build utilities
|
||||||
MY_DIR=$(dirname "${BASH_SOURCE[0]}")
|
MY_DIR=$(dirname "${BASH_SOURCE[0]}")
|
||||||
source $MY_DIR/build_utils.sh
|
source $MY_DIR/build_utils.sh
|
||||||
|
|
||||||
# Development tools and libraries
|
if [ "$(uname -m)" != "s390x" ] ; then
|
||||||
yum -y install bzip2 make git patch unzip bison yasm diffutils \
|
# Dependencies for compiling Python that we want to remove from
|
||||||
automake which file \
|
# the final image after compiling Python
|
||||||
${PYTHON_COMPILE_DEPS}
|
PYTHON_COMPILE_DEPS="zlib-devel bzip2-devel ncurses-devel sqlite-devel readline-devel tk-devel gdbm-devel db4-devel libpcap-devel xz-devel libffi-devel"
|
||||||
|
|
||||||
|
# Libraries that are allowed as part of the manylinux1 profile
|
||||||
|
MANYLINUX1_DEPS="glibc-devel libstdc++-devel glib2-devel libX11-devel libXext-devel libXrender-devel mesa-libGL-devel libICE-devel libSM-devel ncurses-devel"
|
||||||
|
|
||||||
|
# Development tools and libraries
|
||||||
|
yum -y install bzip2 make git patch unzip bison yasm diffutils \
|
||||||
|
automake which file cmake28 \
|
||||||
|
kernel-devel-`uname -r` \
|
||||||
|
${PYTHON_COMPILE_DEPS}
|
||||||
|
else
|
||||||
|
# Dependencies for compiling Python that we want to remove from
|
||||||
|
# the final image after compiling Python
|
||||||
|
PYTHON_COMPILE_DEPS="zlib1g-dev libbz2-dev libncurses-dev libsqlite3-dev libdb-dev libpcap-dev liblzma-dev libffi-dev"
|
||||||
|
|
||||||
|
# Libraries that are allowed as part of the manylinux1 profile
|
||||||
|
MANYLINUX1_DEPS="libglib2.0-dev libX11-dev libncurses-dev"
|
||||||
|
|
||||||
|
# Development tools and libraries
|
||||||
|
apt install -y bzip2 make git patch unzip diffutils \
|
||||||
|
automake which file cmake \
|
||||||
|
linux-headers-virtual \
|
||||||
|
${PYTHON_COMPILE_DEPS}
|
||||||
|
fi
|
||||||
|
|
||||||
# Install newest autoconf
|
# Install newest autoconf
|
||||||
build_autoconf $AUTOCONF_ROOT $AUTOCONF_HASH
|
build_autoconf $AUTOCONF_ROOT $AUTOCONF_HASH
|
||||||
@ -82,13 +92,16 @@ ln -s $PY39_BIN/auditwheel /usr/local/bin/auditwheel
|
|||||||
|
|
||||||
# Clean up development headers and other unnecessary stuff for
|
# Clean up development headers and other unnecessary stuff for
|
||||||
# final image
|
# final image
|
||||||
yum -y erase wireless-tools gtk2 libX11 hicolor-icon-theme \
|
if [ "$(uname -m)" != "s390x" ] ; then
|
||||||
avahi freetype bitstream-vera-fonts \
|
yum -y erase wireless-tools gtk2 libX11 hicolor-icon-theme \
|
||||||
${PYTHON_COMPILE_DEPS} || true > /dev/null 2>&1
|
avahi freetype bitstream-vera-fonts \
|
||||||
yum -y install ${MANYLINUX1_DEPS}
|
${PYTHON_COMPILE_DEPS} || true > /dev/null 2>&1
|
||||||
yum -y clean all > /dev/null 2>&1
|
yum -y install ${MANYLINUX1_DEPS}
|
||||||
yum list installed
|
yum -y clean all > /dev/null 2>&1
|
||||||
|
yum list installed
|
||||||
|
else
|
||||||
|
apt purge -y ${PYTHON_COMPILE_DEPS} || true > /dev/null 2>&1
|
||||||
|
fi
|
||||||
# we don't need libpython*.a, and they're many megabytes
|
# we don't need libpython*.a, and they're many megabytes
|
||||||
find /opt/_internal -name '*.a' -print0 | xargs -0 rm -f
|
find /opt/_internal -name '*.a' -print0 | xargs -0 rm -f
|
||||||
# Strip what we can -- and ignore errors, because this just attempts to strip
|
# Strip what we can -- and ignore errors, because this just attempts to strip
|
||||||
@ -97,7 +110,7 @@ find /opt/_internal -type f -print0 \
|
|||||||
| xargs -0 -n1 strip --strip-unneeded 2>/dev/null || true
|
| xargs -0 -n1 strip --strip-unneeded 2>/dev/null || true
|
||||||
# We do not need the Python test suites, or indeed the precompiled .pyc and
|
# We do not need the Python test suites, or indeed the precompiled .pyc and
|
||||||
# .pyo files. Partially cribbed from:
|
# .pyo files. Partially cribbed from:
|
||||||
# https://github.com/docker-library/python/blob/master/3.4/slim/Dockerfile # @lint-ignore
|
# https://github.com/docker-library/python/blob/master/3.4/slim/Dockerfile
|
||||||
find /opt/_internal \
|
find /opt/_internal \
|
||||||
\( -type d -a -name test -o -name tests \) \
|
\( -type d -a -name test -o -name tests \) \
|
||||||
-o \( -type f -a -name '*.pyc' -o -name '*.pyo' \) \
|
-o \( -type f -a -name '*.pyc' -o -name '*.pyo' \) \
|
||||||
|
@ -2,8 +2,8 @@
|
|||||||
# Helper utilities for build
|
# Helper utilities for build
|
||||||
# Script used only in CD pipeline
|
# Script used only in CD pipeline
|
||||||
|
|
||||||
OPENSSL_DOWNLOAD_URL=https://www.openssl.org/source/old/1.1.1/ # @lint-ignore
|
OPENSSL_DOWNLOAD_URL=https://www.openssl.org/source/old/1.1.1/
|
||||||
CURL_DOWNLOAD_URL=https://curl.se/download
|
CURL_DOWNLOAD_URL=https://curl.askapache.com/download
|
||||||
|
|
||||||
AUTOCONF_DOWNLOAD_URL=https://ftp.gnu.org/gnu/autoconf
|
AUTOCONF_DOWNLOAD_URL=https://ftp.gnu.org/gnu/autoconf
|
||||||
|
|
||||||
|
@ -10,18 +10,12 @@ boto3==1.35.42
|
|||||||
#Pinned versions: 1.19.12, 1.16.34
|
#Pinned versions: 1.19.12, 1.16.34
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
build==1.3.0
|
|
||||||
#Description: A simple, correct Python build frontend.
|
|
||||||
#Pinned versions: 1.3.0
|
|
||||||
#test that import:
|
|
||||||
|
|
||||||
click
|
click
|
||||||
#Description: Command Line Interface Creation Kit
|
#Description: Command Line Interface Creation Kit
|
||||||
#Pinned versions:
|
#Pinned versions:
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
coremltools==5.0b5 ; python_version < "3.12"
|
coremltools==5.0b5 ; python_version < "3.12"
|
||||||
coremltools==8.3 ; python_version == "3.12"
|
|
||||||
#Description: Apple framework for ML integration
|
#Description: Apple framework for ML integration
|
||||||
#Pinned versions: 5.0b5
|
#Pinned versions: 5.0b5
|
||||||
#test that import:
|
#test that import:
|
||||||
@ -36,26 +30,26 @@ dill==0.3.7
|
|||||||
#Pinned versions: 0.3.7
|
#Pinned versions: 0.3.7
|
||||||
#test that import: dynamo/test_replay_record.py test_dataloader.py test_datapipe.py test_serialization.py
|
#test that import: dynamo/test_replay_record.py test_dataloader.py test_datapipe.py test_serialization.py
|
||||||
|
|
||||||
expecttest==0.3.0
|
expecttest==0.2.1
|
||||||
#Description: method for writing tests where test framework auto populates
|
#Description: method for writing tests where test framework auto populates
|
||||||
# the expected output based on previous runs
|
# the expected output based on previous runs
|
||||||
#Pinned versions: 0.3.0
|
#Pinned versions: 0.2.1
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
fbscribelogger==0.1.7
|
fbscribelogger==0.1.6
|
||||||
#Description: write to scribe from authenticated jobs on CI
|
#Description: write to scribe from authenticated jobs on CI
|
||||||
#Pinned versions: 0.1.6
|
#Pinned versions: 0.1.6
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
flatbuffers==24.12.23
|
flatbuffers==2.0
|
||||||
#Description: cross platform serialization library
|
#Description: cross platform serialization library
|
||||||
#Pinned versions: 24.12.23
|
#Pinned versions: 2.0
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
hypothesis==5.35.1
|
hypothesis==5.35.1
|
||||||
# Pin hypothesis to avoid flakiness: https://github.com/pytorch/pytorch/issues/31136
|
# Pin hypothesis to avoid flakiness: https://github.com/pytorch/pytorch/issues/31136
|
||||||
#Description: advanced library for generating parametrized tests
|
#Description: advanced library for generating parametrized tests
|
||||||
#Pinned versions: 5.35.1
|
#Pinned versions: 3.44.6, 4.53.2
|
||||||
#test that import: test_xnnpack_integration.py, test_pruning_op.py, test_nn.py
|
#test that import: test_xnnpack_integration.py, test_pruning_op.py, test_nn.py
|
||||||
|
|
||||||
junitparser==2.1.1
|
junitparser==2.1.1
|
||||||
@ -68,12 +62,10 @@ lark==0.12.0
|
|||||||
#Pinned versions: 0.12.0
|
#Pinned versions: 0.12.0
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
librosa>=0.6.2 ; python_version < "3.11" and platform_machine != "s390x"
|
librosa>=0.6.2 ; python_version < "3.11"
|
||||||
librosa==0.10.2 ; python_version == "3.12" and platform_machine != "s390x"
|
|
||||||
#Description: A python package for music and audio analysis
|
#Description: A python package for music and audio analysis
|
||||||
#Pinned versions: >=0.6.2
|
#Pinned versions: >=0.6.2
|
||||||
#test that import: test_spectral_ops.py
|
#test that import: test_spectral_ops.py
|
||||||
#librosa depends on numba; disable it for s390x while numba is disabled too
|
|
||||||
|
|
||||||
#mkl #this breaks linux-bionic-rocm4.5-py3.7
|
#mkl #this breaks linux-bionic-rocm4.5-py3.7
|
||||||
#Description: Intel oneAPI Math Kernel Library
|
#Description: Intel oneAPI Math Kernel Library
|
||||||
@ -98,11 +90,10 @@ librosa==0.10.2 ; python_version == "3.12" and platform_machine != "s390x"
|
|||||||
#Pinned versions:
|
#Pinned versions:
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
mypy==1.16.0 ; platform_system != "Windows"
|
mypy==1.11.2
|
||||||
# Pin MyPy version because new errors are likely to appear with each release
|
# Pin MyPy version because new errors are likely to appear with each release
|
||||||
# Skip on Windows as lots of type annotations are POSIX specific
|
|
||||||
#Description: linter
|
#Description: linter
|
||||||
#Pinned versions: 1.16.0
|
#Pinned versions: 1.10.0
|
||||||
#test that import: test_typing.py, test_type_hints.py
|
#test that import: test_typing.py, test_type_hints.py
|
||||||
|
|
||||||
networkx==2.8.8
|
networkx==2.8.8
|
||||||
@ -111,19 +102,19 @@ networkx==2.8.8
|
|||||||
#Pinned versions: 2.8.8
|
#Pinned versions: 2.8.8
|
||||||
#test that import: functorch
|
#test that import: functorch
|
||||||
|
|
||||||
ninja==1.11.1.4
|
#ninja
|
||||||
#Description: build system. Used in some tests. Used in build to generate build
|
#Description: build system. Note that it install from
|
||||||
#time tracing information
|
#here breaks things so it is commented out
|
||||||
#Pinned versions: 1.11.1.4
|
#Pinned versions: 1.10.0.post1
|
||||||
#test that import: run_test.py, test_cpp_extensions_aot.py,test_determination.py
|
#test that import: run_test.py, test_cpp_extensions_aot.py,test_determination.py
|
||||||
|
|
||||||
numba==0.55.2 ; python_version == "3.10" and platform_machine != "s390x"
|
numba==0.49.0 ; python_version < "3.9"
|
||||||
numba==0.60.0 ; python_version == "3.12" and platform_machine != "s390x"
|
numba==0.55.2 ; python_version == "3.9"
|
||||||
|
numba==0.55.2 ; python_version == "3.10"
|
||||||
#Description: Just-In-Time Compiler for Numerical Functions
|
#Description: Just-In-Time Compiler for Numerical Functions
|
||||||
#Pinned versions: 0.54.1, 0.49.0, <=0.49.1
|
#Pinned versions: 0.54.1, 0.49.0, <=0.49.1
|
||||||
#test that import: test_numba_integration.py
|
#test that import: test_numba_integration.py
|
||||||
#For numba issue see https://github.com/pytorch/pytorch/issues/51511
|
#For numba issue see https://github.com/pytorch/pytorch/issues/51511
|
||||||
#Need release > 0.61.2 for s390x due to https://github.com/numba/numba/pull/10073
|
|
||||||
|
|
||||||
#numpy
|
#numpy
|
||||||
#Description: Provides N-dimensional arrays and linear algebra
|
#Description: Provides N-dimensional arrays and linear algebra
|
||||||
@ -137,13 +128,10 @@ numba==0.60.0 ; python_version == "3.12" and platform_machine != "s390x"
|
|||||||
#test_nn.py, test_namedtensor.py, test_linalg.py, test_jit_cuda_fuser.py,
|
#test_nn.py, test_namedtensor.py, test_linalg.py, test_jit_cuda_fuser.py,
|
||||||
#test_jit.py, test_indexing.py, test_datapipe.py, test_dataloader.py,
|
#test_jit.py, test_indexing.py, test_datapipe.py, test_dataloader.py,
|
||||||
#test_binary_ufuncs.py
|
#test_binary_ufuncs.py
|
||||||
numpy==1.22.4; python_version == "3.10"
|
numpy==1.22.4; python_version == "3.9" or python_version == "3.10"
|
||||||
numpy==1.26.2; python_version == "3.11" or python_version == "3.12"
|
numpy==1.26.2; python_version == "3.11" or python_version == "3.12"
|
||||||
numpy==2.1.2; python_version >= "3.13"
|
numpy==2.1.2; python_version >= "3.13"
|
||||||
|
|
||||||
pandas==2.0.3; python_version < "3.13"
|
|
||||||
pandas==2.2.3; python_version >= "3.13"
|
|
||||||
|
|
||||||
#onnxruntime
|
#onnxruntime
|
||||||
#Description: scoring engine for Open Neural Network Exchange (ONNX) models
|
#Description: scoring engine for Open Neural Network Exchange (ONNX) models
|
||||||
#Pinned versions: 1.9.0
|
#Pinned versions: 1.9.0
|
||||||
@ -167,15 +155,15 @@ optree==0.13.0
|
|||||||
#test_pointwise_ops.py, test_dtensor_ops.py, test_torchinductor.py, test_fx.py,
|
#test_pointwise_ops.py, test_dtensor_ops.py, test_torchinductor.py, test_fx.py,
|
||||||
#test_fake_tensor.py, test_mps.py
|
#test_fake_tensor.py, test_mps.py
|
||||||
|
|
||||||
pillow==11.0.0
|
pillow==10.3.0
|
||||||
#Description: Python Imaging Library fork
|
#Description: Python Imaging Library fork
|
||||||
#Pinned versions: 10.3.0
|
#Pinned versions: 10.3.0
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
protobuf==5.29.5
|
protobuf==3.20.2
|
||||||
#Description: Google's data interchange format
|
#Description: Google’s data interchange format
|
||||||
#Pinned versions: 5.29.5
|
#Pinned versions: 3.20.1
|
||||||
#test that import: test_tensorboard.py, test/onnx/*
|
#test that import: test_tensorboard.py
|
||||||
|
|
||||||
psutil
|
psutil
|
||||||
#Description: information on running processes and system utilization
|
#Description: information on running processes and system utilization
|
||||||
@ -202,11 +190,6 @@ pytest-rerunfailures>=10.3
|
|||||||
#Pinned versions:
|
#Pinned versions:
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
pytest-subtests==0.13.1
|
|
||||||
#Description: plugin for subtest support
|
|
||||||
#Pinned versions:
|
|
||||||
#test that import:
|
|
||||||
|
|
||||||
#pytest-benchmark
|
#pytest-benchmark
|
||||||
#Description: fixture for benchmarking code
|
#Description: fixture for benchmarking code
|
||||||
#Pinned versions: 3.2.3
|
#Pinned versions: 3.2.3
|
||||||
@ -227,9 +210,9 @@ pygments==2.15.0
|
|||||||
#Pinned versions: 2.12.0
|
#Pinned versions: 2.12.0
|
||||||
#test that import: the doctests
|
#test that import: the doctests
|
||||||
|
|
||||||
#pyyaml
|
#PyYAML
|
||||||
#Description: data serialization format
|
#Description: data serialization format
|
||||||
#Pinned versions: 6.0.2
|
#Pinned versions:
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
#requests
|
#requests
|
||||||
@ -239,7 +222,7 @@ pygments==2.15.0
|
|||||||
|
|
||||||
#rich
|
#rich
|
||||||
#Description: rich text and beautiful formatting in the terminal
|
#Description: rich text and beautiful formatting in the terminal
|
||||||
#Pinned versions: 14.1.0
|
#Pinned versions: 10.9.0
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
scikit-image==0.19.3 ; python_version < "3.10"
|
scikit-image==0.19.3 ; python_version < "3.10"
|
||||||
@ -254,7 +237,7 @@ scikit-image==0.22.0 ; python_version >= "3.10"
|
|||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
scipy==1.10.1 ; python_version <= "3.11"
|
scipy==1.10.1 ; python_version <= "3.11"
|
||||||
scipy==1.14.1 ; python_version >= "3.12"
|
scipy==1.12.0 ; python_version == "3.12"
|
||||||
# Pin SciPy because of failing distribution tests (see #60347)
|
# Pin SciPy because of failing distribution tests (see #60347)
|
||||||
#Description: scientific python
|
#Description: scientific python
|
||||||
#Pinned versions: 1.10.1
|
#Pinned versions: 1.10.1
|
||||||
@ -267,6 +250,11 @@ scipy==1.14.1 ; python_version >= "3.12"
|
|||||||
#Pinned versions:
|
#Pinned versions:
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
|
tb-nightly==2.13.0a20230426
|
||||||
|
#Description: TensorBoard
|
||||||
|
#Pinned versions:
|
||||||
|
#test that import:
|
||||||
|
|
||||||
# needed by torchgen utils
|
# needed by torchgen utils
|
||||||
typing-extensions>=4.10.0
|
typing-extensions>=4.10.0
|
||||||
#Description: type hints for python
|
#Description: type hints for python
|
||||||
@ -284,21 +272,26 @@ unittest-xml-reporting<=3.2.0,>=2.0.0
|
|||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
#lintrunner is supported on aarch64-linux only from 0.12.4 version
|
#lintrunner is supported on aarch64-linux only from 0.12.4 version
|
||||||
lintrunner==0.12.7
|
lintrunner==0.12.5
|
||||||
#Description: all about linters!
|
#Description: all about linters!
|
||||||
#Pinned versions: 0.12.7
|
#Pinned versions: 0.12.5
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
redis>=4.0.0
|
redis>=4.0.0
|
||||||
#Description: redis database
|
#Description: redis database
|
||||||
#test that import: anything that tests OSS caching/mocking (inductor/test_codecache.py, inductor/test_max_autotune.py)
|
#test that import: anything that tests OSS caching/mocking (inductor/test_codecache.py, inductor/test_max_autotune.py)
|
||||||
|
|
||||||
|
rockset==1.0.3
|
||||||
|
#Description: queries Rockset
|
||||||
|
#Pinned versions: 1.0.3
|
||||||
|
#test that import:
|
||||||
|
|
||||||
ghstack==0.8.0
|
ghstack==0.8.0
|
||||||
#Description: ghstack tool
|
#Description: ghstack tool
|
||||||
#Pinned versions: 0.8.0
|
#Pinned versions: 0.8.0
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
jinja2==3.1.6
|
jinja2==3.1.4
|
||||||
#Description: jinja2 template engine
|
#Description: jinja2 template engine
|
||||||
#Pinned versions: 3.1.4
|
#Pinned versions: 3.1.4
|
||||||
#test that import:
|
#test that import:
|
||||||
@ -308,40 +301,41 @@ pytest-cpp==2.3.0
|
|||||||
#Pinned versions: 2.3.0
|
#Pinned versions: 2.3.0
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
z3-solver==4.15.1.0 ; platform_machine != "s390x"
|
z3-solver==4.12.2.0
|
||||||
#Description: The Z3 Theorem Prover Project
|
#Description: The Z3 Theorem Prover Project
|
||||||
#Pinned versions:
|
#Pinned versions:
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
tensorboard==2.13.0 ; python_version < "3.13"
|
tensorboard==2.13.0
|
||||||
tensorboard==2.18.0 ; python_version >= "3.13"
|
|
||||||
#Description: Also included in .ci/docker/requirements-docs.txt
|
#Description: Also included in .ci/docker/requirements-docs.txt
|
||||||
#Pinned versions:
|
#Pinned versions:
|
||||||
#test that import: test_tensorboard
|
#test that import: test_tensorboard
|
||||||
|
|
||||||
pywavelets==1.4.1 ; python_version < "3.12"
|
pywavelets==1.4.1 ; python_version < "3.12"
|
||||||
pywavelets==1.7.0 ; python_version >= "3.12"
|
pywavelets==1.5.0 ; python_version >= "3.12"
|
||||||
#Description: This is a requirement of scikit-image, we need to pin
|
#Description: This is a requirement of scikit-image, we need to pin
|
||||||
# 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==5.3.0
|
lxml==5.0.0
|
||||||
#Description: This is a requirement of unittest-xml-reporting
|
#Description: This is a requirement of unittest-xml-reporting
|
||||||
|
|
||||||
|
# Python-3.9 binaries
|
||||||
|
|
||||||
PyGithub==2.3.0
|
PyGithub==2.3.0
|
||||||
|
|
||||||
sympy==1.13.3
|
sympy==1.13.1 ; python_version >= "3.9"
|
||||||
#Description: Required by coremltools, also pinned in .github/requirements/pip-requirements-macOS.txt
|
#Description: Required by coremltools, also pinned in .github/requirements/pip-requirements-macOS.txt
|
||||||
#Pinned versions:
|
#Pinned versions:
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
onnx==1.18.0
|
onnx==1.17.0
|
||||||
#Description: Required by onnx tests, and mypy and test_public_bindings.py when checking torch.onnx._internal
|
#Description: Required by mypy and test_public_bindings.py when checking torch.onnx._internal
|
||||||
#Pinned versions:
|
#Pinned versions:
|
||||||
#test that import:
|
#test that import:
|
||||||
|
|
||||||
onnxscript==0.4.0
|
onnxscript==0.1.0.dev20240817
|
||||||
#Description: Required by mypy and test_public_bindings.py when checking torch.onnx._internal
|
#Description: Required by mypy and test_public_bindings.py when checking torch.onnx._internal
|
||||||
#Pinned versions:
|
#Pinned versions:
|
||||||
#test that import:
|
#test that import:
|
||||||
@ -355,41 +349,21 @@ parameterized==0.8.1
|
|||||||
#Pinned versions: 1.24.0
|
#Pinned versions: 1.24.0
|
||||||
#test that import: test_sac_estimator.py
|
#test that import: test_sac_estimator.py
|
||||||
|
|
||||||
pwlf==2.2.1
|
pwlf==2.2.1 ; python_version >= "3.8"
|
||||||
#Description: required for testing torch/distributed/_tools/sac_estimator.py
|
#Description: required for testing torch/distributed/_tools/sac_estimator.py
|
||||||
#Pinned versions: 2.2.1
|
#Pinned versions: 2.2.1
|
||||||
#test that import: test_sac_estimator.py
|
#test that import: test_sac_estimator.py
|
||||||
|
|
||||||
# To build PyTorch itself
|
|
||||||
pyyaml
|
|
||||||
pyzstd
|
|
||||||
setuptools>=70.1.0
|
|
||||||
six
|
|
||||||
|
|
||||||
|
# To build PyTorch itself
|
||||||
|
astunparse
|
||||||
|
PyYAML
|
||||||
|
setuptools
|
||||||
|
|
||||||
|
ninja==1.11.1 ; platform_machine == "aarch64"
|
||||||
scons==4.5.2 ; platform_machine == "aarch64"
|
scons==4.5.2 ; platform_machine == "aarch64"
|
||||||
|
|
||||||
pulp==2.9.0
|
pulp==2.9.0 ; python_version >= "3.8"
|
||||||
#Description: required for testing ilp formulaiton under torch/distributed/_tools
|
#Description: required for testing ilp formulaiton under torch/distributed/_tools
|
||||||
#Pinned versions: 2.9.0
|
#Pinned versions: 2.9.0
|
||||||
#test that import: test_sac_ilp.py
|
#test that import: test_sac_ilp.py
|
||||||
|
|
||||||
dataclasses_json==0.6.7
|
|
||||||
#Description: required for data pipeline and scripts under tools/stats
|
|
||||||
#Pinned versions: 0.6.7
|
|
||||||
#test that import:
|
|
||||||
|
|
||||||
cmake==3.31.6
|
|
||||||
#Description: required for building
|
|
||||||
|
|
||||||
tlparse==0.4.0
|
|
||||||
#Description: required for log parsing
|
|
||||||
|
|
||||||
cuda-bindings>=12.0,<13.0 ; platform_machine != "s390x"
|
|
||||||
#Description: required for testing CUDAGraph::raw_cuda_graph(). See https://nvidia.github.io/cuda-python/cuda-bindings/latest/support.html for how this version was chosen. Note "Any fix in the latest bindings would be backported to the prior major version" means that only the newest version of cuda-bindings will get fixes. Depending on the latest version of 12.x is okay because all 12.y versions will be supported via "CUDA minor version compatibility". Pytorch builds against 13.z versions of cuda toolkit work with 12.x versions of cuda-bindings as well because newer drivers work with old toolkits.
|
|
||||||
#test that import: test_cuda.py
|
|
||||||
|
|
||||||
setuptools-git-versioning==2.1.0
|
|
||||||
scikit-build==0.18.1
|
|
||||||
pyre-extensions==0.0.32
|
|
||||||
tabulate==0.9.0
|
|
||||||
#Description: These package are needed to build FBGEMM and torchrec on PyTorch CI
|
|
||||||
|
@ -1,38 +1,20 @@
|
|||||||
sphinx==5.3.0
|
sphinx==5.3.0
|
||||||
#Description: This is used to generate PyTorch docs
|
#Description: This is used to generate PyTorch docs
|
||||||
#Pinned versions: 5.3.0
|
#Pinned versions: 5.3.0
|
||||||
|
-e git+https://github.com/pytorch/pytorch_sphinx_theme.git#egg=pytorch_sphinx_theme
|
||||||
|
|
||||||
standard-imghdr==3.13.0; python_version >= "3.13"
|
|
||||||
#Description: This is needed by Sphinx, so it needs to be added here.
|
|
||||||
# The reasons are as follows:
|
|
||||||
# 1) This module has been removed from the Python standard library since Python 3.13(https://peps.python.org/pep-0594/#imghdr);
|
|
||||||
# 2) The current version of Sphinx (5.3.0) is not compatible with Python 3.13.
|
|
||||||
# Once Sphinx is upgraded to a version compatible with Python 3.13 or later, we can remove this dependency.
|
|
||||||
|
|
||||||
-e git+https://github.com/pytorch/pytorch_sphinx_theme.git@71e55749be14ceb56e7f8211a9fb649866b87ad4#egg=pytorch_sphinx_theme2
|
|
||||||
# TODO: sphinxcontrib.katex 0.9.0 adds a local KaTeX server to speed up pre-rendering
|
# TODO: sphinxcontrib.katex 0.9.0 adds a local KaTeX server to speed up pre-rendering
|
||||||
# but it doesn't seem to work and hangs around idly. The initial thought that it is probably
|
# but it doesn't seem to work and hangs around idly. The initial thought is probably
|
||||||
# something related to Docker setup. We can investigate this later.
|
# something related to Docker setup. We can investigate this later
|
||||||
|
|
||||||
sphinxcontrib.katex==0.8.6
|
sphinxcontrib.katex==0.8.6
|
||||||
#Description: This is used to generate PyTorch docs
|
#Description: This is used to generate PyTorch docs
|
||||||
#Pinned versions: 0.8.6
|
#Pinned versions: 0.8.6
|
||||||
|
|
||||||
sphinxext-opengraph==0.9.1
|
matplotlib==3.5.3
|
||||||
#Description: This is used to generate PyTorch docs
|
#Description: This is used to generate PyTorch docs
|
||||||
#Pinned versions: 0.9.1
|
#Pinned versions: 3.5.3
|
||||||
|
|
||||||
sphinx_sitemap==2.6.0
|
tensorboard==2.13.0
|
||||||
#Description: This is used to generate sitemap for PyTorch docs
|
|
||||||
#Pinned versions: 2.6.0
|
|
||||||
|
|
||||||
matplotlib==3.5.3 ; python_version < "3.13"
|
|
||||||
matplotlib==3.6.3 ; python_version >= "3.13"
|
|
||||||
#Description: This is used to generate PyTorch docs
|
|
||||||
#Pinned versions: 3.6.3 if python > 3.12. Otherwise 3.5.3.
|
|
||||||
|
|
||||||
tensorboard==2.13.0 ; python_version < "3.13"
|
|
||||||
tensorboard==2.18.0 ; python_version >= "3.13"
|
|
||||||
#Description: This is used to generate PyTorch docs
|
#Description: This is used to generate PyTorch docs
|
||||||
#Pinned versions: 2.13.0
|
#Pinned versions: 2.13.0
|
||||||
|
|
||||||
@ -57,12 +39,11 @@ IPython==8.12.0
|
|||||||
#Pinned versions: 8.12.0
|
#Pinned versions: 8.12.0
|
||||||
|
|
||||||
myst-nb==0.17.2
|
myst-nb==0.17.2
|
||||||
#Description: This is used to generate PyTorch functorch and torch.compile docs.
|
#Description: This is used to generate PyTorch functorch docs
|
||||||
#Pinned versions: 0.17.2
|
#Pinned versions: 0.13.2
|
||||||
|
|
||||||
# The following are required to build torch.distributed.elastic.rendezvous.etcd* docs
|
# The following are required to build torch.distributed.elastic.rendezvous.etcd* docs
|
||||||
python-etcd==0.4.5
|
python-etcd==0.4.5
|
||||||
sphinx-copybutton==0.5.0
|
sphinx-copybutton==0.5.0
|
||||||
sphinx-design==0.4.0
|
sphinx-panels==0.4.1
|
||||||
sphinxcontrib-mermaid==1.0.0
|
|
||||||
myst-parser==0.18.1
|
myst-parser==0.18.1
|
||||||
|
@ -1 +1 @@
|
|||||||
3.5.0
|
3.1.0
|
||||||
|
@ -1 +0,0 @@
|
|||||||
3.5.0
|
|
@ -1,155 +0,0 @@
|
|||||||
# Cross-compilation Docker container for RISC-V architecture
|
|
||||||
ARG UBUNTU_VERSION
|
|
||||||
FROM --platform=linux/amd64 ubuntu:${UBUNTU_VERSION} as base
|
|
||||||
|
|
||||||
ARG UBUNTU_VERSION
|
|
||||||
|
|
||||||
ENV GCC_VERSION=14
|
|
||||||
ENV PYTHON_VERSION=3.12.3
|
|
||||||
ENV DEBIAN_FRONTEND=noninteractive
|
|
||||||
ENV CC=riscv64-linux-gnu-gcc-${GCC_VERSION}
|
|
||||||
ENV CXX=riscv64-linux-gnu-g++-${GCC_VERSION}
|
|
||||||
ENV QEMU_LD_PREFIX=/usr/riscv64-linux-gnu/
|
|
||||||
ENV SYSROOT=/opt/sysroot
|
|
||||||
|
|
||||||
# Install basic dependencies
|
|
||||||
RUN apt-get update && apt-get install -y \
|
|
||||||
ninja-build \
|
|
||||||
autoconf \
|
|
||||||
automake \
|
|
||||||
libtool \
|
|
||||||
patchelf \
|
|
||||||
ccache \
|
|
||||||
git \
|
|
||||||
wget \
|
|
||||||
python3-pip \
|
|
||||||
python3-venv \
|
|
||||||
python-is-python3 \
|
|
||||||
cmake \
|
|
||||||
sudo \
|
|
||||||
lsb-release \
|
|
||||||
gcc-${GCC_VERSION}-riscv64-linux-gnu \
|
|
||||||
g++-${GCC_VERSION}-riscv64-linux-gnu \
|
|
||||||
pkg-config \
|
|
||||||
&& rm -rf /var/lib/apt/lists/*
|
|
||||||
|
|
||||||
# Install user
|
|
||||||
COPY ./common/install_user.sh install_user.sh
|
|
||||||
RUN bash ./install_user.sh && rm install_user.sh
|
|
||||||
|
|
||||||
FROM base as python
|
|
||||||
ARG ZLIB_VERSION=1.3.1
|
|
||||||
ARG FFI_VERSION=3.4.6
|
|
||||||
ARG BZ2_VERSION=1.0.8
|
|
||||||
ARG XZ_VERSION=5.4.6
|
|
||||||
ARG OPENSSL_VERSION=3.2.1
|
|
||||||
|
|
||||||
# Set up sysroot directory for dependencies
|
|
||||||
ENV PKG_CONFIG_PATH=${SYSROOT}/lib/pkgconfig
|
|
||||||
ENV PKG_CONFIG_SYSROOT_DIR=${SYSROOT}
|
|
||||||
|
|
||||||
WORKDIR /opt
|
|
||||||
|
|
||||||
# Build zlib (for compression)
|
|
||||||
RUN echo "--- Building zlib ---" \
|
|
||||||
&& wget -c https://www.zlib.net/zlib-${ZLIB_VERSION}.tar.gz \
|
|
||||||
&& tar -xf zlib-${ZLIB_VERSION}.tar.gz --no-same-permissions --no-same-owner \
|
|
||||||
&& cd zlib-${ZLIB_VERSION}/ \
|
|
||||||
&& mkdir build && cd build \
|
|
||||||
&& ../configure --prefix=${SYSROOT} \
|
|
||||||
&& make -j$(nproc) && make install \
|
|
||||||
&& cd ../..
|
|
||||||
|
|
||||||
# Build libffi (for ctypes module)
|
|
||||||
RUN echo "--- Building libffi ---" \
|
|
||||||
&& wget -c https://github.com/libffi/libffi/releases/download/v${FFI_VERSION}/libffi-${FFI_VERSION}.tar.gz \
|
|
||||||
&& tar -xf libffi-${FFI_VERSION}.tar.gz --no-same-permissions --no-same-owner \
|
|
||||||
&& cd libffi-${FFI_VERSION}/ \
|
|
||||||
&& mkdir build && cd build \
|
|
||||||
&& ../configure --prefix=${SYSROOT} --host=riscv64-linux-gnu --build=x86_64-linux-gnu \
|
|
||||||
&& make -j$(nproc) && make install \
|
|
||||||
&& cd ../..
|
|
||||||
|
|
||||||
# Build bzip2 (for bz2 module)
|
|
||||||
RUN echo "--- Building bzip2 ---" \
|
|
||||||
&& wget -c https://sourceware.org/pub/bzip2/bzip2-${BZ2_VERSION}.tar.gz \
|
|
||||||
&& tar -xf bzip2-${BZ2_VERSION}.tar.gz --no-same-permissions --no-same-owner \
|
|
||||||
&& cd bzip2-${BZ2_VERSION}/ \
|
|
||||||
&& make CC=riscv64-linux-gnu-gcc-${GCC_VERSION} bzip2 bzip2recover libbz2.a \
|
|
||||||
&& make CC=riscv64-linux-gnu-gcc-${GCC_VERSION} -f Makefile-libbz2_so \
|
|
||||||
&& make install PREFIX=${SYSROOT} \
|
|
||||||
&& cp libbz2.so.${BZ2_VERSION} ${SYSROOT}/lib/ \
|
|
||||||
&& cd ${SYSROOT}/lib/ \
|
|
||||||
&& ln -sf libbz2.so.${BZ2_VERSION} libbz2.so.1.0 \
|
|
||||||
&& ln -sf libbz2.so.1.0 libbz2.so \
|
|
||||||
&& cd /opt/
|
|
||||||
|
|
||||||
# Build xz (for lzma module)
|
|
||||||
RUN echo "--- Building xz ---" \
|
|
||||||
&& wget -c https://github.com/tukaani-project/xz/releases/download/v${XZ_VERSION}/xz-${XZ_VERSION}.tar.gz \
|
|
||||||
&& tar -xf xz-${XZ_VERSION}.tar.gz --no-same-permissions --no-same-owner \
|
|
||||||
&& cd xz-${XZ_VERSION} \
|
|
||||||
&& mkdir build && cd build \
|
|
||||||
&& ../configure --prefix=${SYSROOT} --host=riscv64-linux-gnu --build=x86_64-linux-gnu \
|
|
||||||
&& make -j$(nproc) && make install \
|
|
||||||
&& cd ../..
|
|
||||||
|
|
||||||
# Build OpenSSL (for ssl module)
|
|
||||||
RUN echo "--- Building OpenSSL ---" \
|
|
||||||
&& wget -c https://www.openssl.org/source/openssl-${OPENSSL_VERSION}.tar.gz \
|
|
||||||
&& tar -xf openssl-${OPENSSL_VERSION}.tar.gz --no-same-permissions --no-same-owner \
|
|
||||||
&& cd openssl-${OPENSSL_VERSION}/ \
|
|
||||||
&& mkdir build && cd build \
|
|
||||||
&& ../Configure linux64-riscv64 --prefix=${SYSROOT} \
|
|
||||||
&& make -j$(nproc) && make install_sw \
|
|
||||||
&& cd ../..
|
|
||||||
|
|
||||||
# Build SQLite3 (for sqlite3 module)
|
|
||||||
RUN echo "--- Building SQLite3 ---" \
|
|
||||||
&& wget -c https://www.sqlite.org/2024/sqlite-autoconf-3450200.tar.gz \
|
|
||||||
&& tar -xf sqlite-autoconf-3450200.tar.gz --no-same-permissions --no-same-owner \
|
|
||||||
&& cd sqlite-autoconf-3450200 \
|
|
||||||
&& mkdir build && cd build \
|
|
||||||
&& ../configure --prefix=${SYSROOT} --host=riscv64-linux-gnu --build=x86_64-linux-gnu \
|
|
||||||
&& make -j$(nproc) && make install \
|
|
||||||
&& cd ../..
|
|
||||||
|
|
||||||
# Build and install RISC-V Python with all modules
|
|
||||||
RUN wget -c https://www.python.org/ftp/python/${PYTHON_VERSION}/Python-${PYTHON_VERSION}.tgz \
|
|
||||||
&& tar -xf Python-${PYTHON_VERSION}.tgz --no-same-permissions --no-same-owner \
|
|
||||||
&& cd Python-${PYTHON_VERSION} \
|
|
||||||
&& mkdir build && cd build \
|
|
||||||
&& ../configure \
|
|
||||||
--host=riscv64-linux-gnu \
|
|
||||||
--build=x86_64-linux-gnu \
|
|
||||||
--prefix=${SYSROOT} \
|
|
||||||
--enable-shared \
|
|
||||||
--disable-ipv6 \
|
|
||||||
--with-build-python=/usr/bin/python3 \
|
|
||||||
--with-ensurepip=no \
|
|
||||||
ac_cv_file__dev_ptmx=yes \
|
|
||||||
ac_cv_file__dev_ptc=no \
|
|
||||||
&& make -j$(nproc) \
|
|
||||||
&& make install
|
|
||||||
|
|
||||||
FROM base as final
|
|
||||||
COPY --from=python /opt/sysroot /opt/sysroot
|
|
||||||
|
|
||||||
# Install crossenv and cmake
|
|
||||||
RUN pip install crossenv cmake==4.0.0 --break-system-packages \
|
|
||||||
&& /usr/bin/python3 -m crossenv ${SYSROOT}/bin/python3 /opt/riscv-cross-env
|
|
||||||
|
|
||||||
# Add pip-installed cmake binaries to PATH
|
|
||||||
ENV PATH="/usr/local/bin:${PATH}"
|
|
||||||
|
|
||||||
# Set up cross Python environment
|
|
||||||
SHELL ["/bin/bash", "-c"]
|
|
||||||
RUN source /opt/riscv-cross-env/bin/activate \
|
|
||||||
&& pip install setuptools pyyaml typing_extensions wheel
|
|
||||||
|
|
||||||
# Set default environment variables for PyTorch build
|
|
||||||
ENV Python_ROOT_DIR=${SYSROOT}
|
|
||||||
ENV OPENSSL_ROOT_DIR=${SYSROOT}
|
|
||||||
|
|
||||||
USER jenkins
|
|
||||||
CMD ["bash"]
|
|
172
.ci/docker/ubuntu-cuda/Dockerfile
Normal file
172
.ci/docker/ubuntu-cuda/Dockerfile
Normal file
@ -0,0 +1,172 @@
|
|||||||
|
ARG UBUNTU_VERSION
|
||||||
|
ARG CUDA_VERSION
|
||||||
|
ARG IMAGE_NAME
|
||||||
|
|
||||||
|
FROM ${IMAGE_NAME}
|
||||||
|
|
||||||
|
ARG UBUNTU_VERSION
|
||||||
|
ARG CUDA_VERSION
|
||||||
|
|
||||||
|
ENV DEBIAN_FRONTEND noninteractive
|
||||||
|
|
||||||
|
# Install common dependencies (so that this step can be cached separately)
|
||||||
|
COPY ./common/install_base.sh install_base.sh
|
||||||
|
RUN bash ./install_base.sh && rm install_base.sh
|
||||||
|
|
||||||
|
# Install user
|
||||||
|
COPY ./common/install_user.sh install_user.sh
|
||||||
|
RUN bash ./install_user.sh && rm install_user.sh
|
||||||
|
|
||||||
|
# Install katex
|
||||||
|
ARG KATEX
|
||||||
|
COPY ./common/install_docs_reqs.sh install_docs_reqs.sh
|
||||||
|
RUN bash ./install_docs_reqs.sh && rm install_docs_reqs.sh
|
||||||
|
|
||||||
|
# Install conda and other packages (e.g., numpy, pytest)
|
||||||
|
ARG ANACONDA_PYTHON_VERSION
|
||||||
|
ENV ANACONDA_PYTHON_VERSION=$ANACONDA_PYTHON_VERSION
|
||||||
|
ENV PATH /opt/conda/envs/py_$ANACONDA_PYTHON_VERSION/bin:/opt/conda/bin:$PATH
|
||||||
|
ARG CONDA_CMAKE
|
||||||
|
COPY requirements-ci.txt /opt/conda/requirements-ci.txt
|
||||||
|
COPY ./common/install_conda.sh install_conda.sh
|
||||||
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
|
RUN bash ./install_conda.sh && rm install_conda.sh common_utils.sh /opt/conda/requirements-ci.txt
|
||||||
|
|
||||||
|
# Install gcc
|
||||||
|
ARG GCC_VERSION
|
||||||
|
COPY ./common/install_gcc.sh install_gcc.sh
|
||||||
|
RUN bash ./install_gcc.sh && rm install_gcc.sh
|
||||||
|
|
||||||
|
# Install clang
|
||||||
|
ARG CLANG_VERSION
|
||||||
|
COPY ./common/install_clang.sh install_clang.sh
|
||||||
|
RUN bash ./install_clang.sh && rm install_clang.sh
|
||||||
|
|
||||||
|
# (optional) Install protobuf for ONNX
|
||||||
|
ARG PROTOBUF
|
||||||
|
COPY ./common/install_protobuf.sh install_protobuf.sh
|
||||||
|
RUN if [ -n "${PROTOBUF}" ]; then bash ./install_protobuf.sh; fi
|
||||||
|
RUN rm install_protobuf.sh
|
||||||
|
ENV INSTALLED_PROTOBUF ${PROTOBUF}
|
||||||
|
|
||||||
|
# (optional) Install database packages like LMDB and LevelDB
|
||||||
|
ARG DB
|
||||||
|
COPY ./common/install_db.sh install_db.sh
|
||||||
|
RUN if [ -n "${DB}" ]; then bash ./install_db.sh; fi
|
||||||
|
RUN rm install_db.sh
|
||||||
|
ENV INSTALLED_DB ${DB}
|
||||||
|
|
||||||
|
# (optional) Install vision packages like OpenCV
|
||||||
|
ARG VISION
|
||||||
|
COPY ./common/install_vision.sh ./common/cache_vision_models.sh ./common/common_utils.sh ./
|
||||||
|
RUN if [ -n "${VISION}" ]; then bash ./install_vision.sh; fi
|
||||||
|
RUN rm install_vision.sh cache_vision_models.sh common_utils.sh
|
||||||
|
ENV INSTALLED_VISION ${VISION}
|
||||||
|
|
||||||
|
# (optional) Install UCC
|
||||||
|
ARG UCX_COMMIT
|
||||||
|
ARG UCC_COMMIT
|
||||||
|
ENV UCX_COMMIT $UCX_COMMIT
|
||||||
|
ENV UCC_COMMIT $UCC_COMMIT
|
||||||
|
ENV UCX_HOME /usr
|
||||||
|
ENV UCC_HOME /usr
|
||||||
|
ADD ./common/install_ucc.sh install_ucc.sh
|
||||||
|
RUN if [ -n "${UCX_COMMIT}" ] && [ -n "${UCC_COMMIT}" ]; then bash ./install_ucc.sh; fi
|
||||||
|
RUN rm install_ucc.sh
|
||||||
|
|
||||||
|
COPY ./common/install_openssl.sh install_openssl.sh
|
||||||
|
ENV OPENSSL_ROOT_DIR /opt/openssl
|
||||||
|
RUN bash ./install_openssl.sh
|
||||||
|
ENV OPENSSL_DIR /opt/openssl
|
||||||
|
|
||||||
|
ARG INDUCTOR_BENCHMARKS
|
||||||
|
COPY ./common/install_inductor_benchmark_deps.sh install_inductor_benchmark_deps.sh
|
||||||
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
|
COPY ci_commit_pins/huggingface.txt huggingface.txt
|
||||||
|
COPY ci_commit_pins/timm.txt timm.txt
|
||||||
|
RUN if [ -n "${INDUCTOR_BENCHMARKS}" ]; then bash ./install_inductor_benchmark_deps.sh; fi
|
||||||
|
RUN rm install_inductor_benchmark_deps.sh common_utils.sh timm.txt huggingface.txt
|
||||||
|
|
||||||
|
# (optional) Install non-default CMake version
|
||||||
|
ARG CMAKE_VERSION
|
||||||
|
COPY ./common/install_cmake.sh install_cmake.sh
|
||||||
|
RUN if [ -n "${CMAKE_VERSION}" ]; then bash ./install_cmake.sh; fi
|
||||||
|
RUN rm install_cmake.sh
|
||||||
|
|
||||||
|
ARG TRITON
|
||||||
|
# Install triton, this needs to be done before sccache because the latter will
|
||||||
|
# try to reach out to S3, which docker build runners don't have access
|
||||||
|
COPY ./common/install_triton.sh install_triton.sh
|
||||||
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
|
COPY ci_commit_pins/triton.txt triton.txt
|
||||||
|
COPY triton_version.txt triton_version.txt
|
||||||
|
RUN if [ -n "${TRITON}" ]; then bash ./install_triton.sh; fi
|
||||||
|
RUN rm install_triton.sh common_utils.sh triton.txt triton_version.txt
|
||||||
|
|
||||||
|
ARG HALIDE
|
||||||
|
# Build and install halide
|
||||||
|
COPY ./common/install_halide.sh install_halide.sh
|
||||||
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
|
COPY ci_commit_pins/halide.txt halide.txt
|
||||||
|
RUN if [ -n "${HALIDE}" ]; then bash ./install_halide.sh; fi
|
||||||
|
RUN rm install_halide.sh common_utils.sh halide.txt
|
||||||
|
|
||||||
|
# Install ccache/sccache (do this last, so we get priority in PATH)
|
||||||
|
COPY ./common/install_cache.sh install_cache.sh
|
||||||
|
ENV PATH /opt/cache/bin:$PATH
|
||||||
|
# See https://github.com/pytorch/pytorch/issues/82174
|
||||||
|
# TODO(sdym@fb.com):
|
||||||
|
# check if this is needed after full off Xenial migration
|
||||||
|
ENV CARGO_NET_GIT_FETCH_WITH_CLI true
|
||||||
|
RUN bash ./install_cache.sh && rm install_cache.sh
|
||||||
|
ENV CMAKE_CUDA_COMPILER_LAUNCHER=/opt/cache/bin/sccache
|
||||||
|
|
||||||
|
# Add jni.h for java host build
|
||||||
|
COPY ./common/install_jni.sh install_jni.sh
|
||||||
|
COPY ./java/jni.h jni.h
|
||||||
|
RUN bash ./install_jni.sh && rm install_jni.sh
|
||||||
|
|
||||||
|
# Install Open MPI for CUDA
|
||||||
|
COPY ./common/install_openmpi.sh install_openmpi.sh
|
||||||
|
RUN if [ -n "${CUDA_VERSION}" ]; then bash install_openmpi.sh; fi
|
||||||
|
RUN rm install_openmpi.sh
|
||||||
|
|
||||||
|
# Include BUILD_ENVIRONMENT environment variable in image
|
||||||
|
ARG BUILD_ENVIRONMENT
|
||||||
|
ENV BUILD_ENVIRONMENT ${BUILD_ENVIRONMENT}
|
||||||
|
|
||||||
|
# AWS specific CUDA build guidance
|
||||||
|
ENV TORCH_CUDA_ARCH_LIST Maxwell
|
||||||
|
ENV TORCH_NVCC_FLAGS "-Xfatbin -compress-all"
|
||||||
|
ENV CUDA_PATH /usr/local/cuda
|
||||||
|
|
||||||
|
# Install LLVM dev version (Defined in the pytorch/builder github repository)
|
||||||
|
COPY --from=pytorch/llvm:9.0.1 /opt/llvm /opt/llvm
|
||||||
|
|
||||||
|
# Install CUDNN
|
||||||
|
ARG CUDNN_VERSION
|
||||||
|
ARG CUDA_VERSION
|
||||||
|
COPY ./common/install_cudnn.sh install_cudnn.sh
|
||||||
|
RUN if [ -n "${CUDNN_VERSION}" ]; then bash install_cudnn.sh; fi
|
||||||
|
RUN rm install_cudnn.sh
|
||||||
|
|
||||||
|
# Install CUSPARSELT
|
||||||
|
ARG CUDA_VERSION
|
||||||
|
COPY ./common/install_cusparselt.sh install_cusparselt.sh
|
||||||
|
RUN bash install_cusparselt.sh
|
||||||
|
RUN rm install_cusparselt.sh
|
||||||
|
|
||||||
|
# Install CUDSS
|
||||||
|
ARG CUDA_VERSION
|
||||||
|
COPY ./common/install_cudss.sh install_cudss.sh
|
||||||
|
RUN bash install_cudss.sh
|
||||||
|
RUN rm install_cudss.sh
|
||||||
|
|
||||||
|
# Delete /usr/local/cuda-11.X/cuda-11.X symlinks
|
||||||
|
RUN if [ -h /usr/local/cuda-11.6/cuda-11.6 ]; then rm /usr/local/cuda-11.6/cuda-11.6; fi
|
||||||
|
RUN if [ -h /usr/local/cuda-11.7/cuda-11.7 ]; then rm /usr/local/cuda-11.7/cuda-11.7; fi
|
||||||
|
RUN if [ -h /usr/local/cuda-12.1/cuda-12.1 ]; then rm /usr/local/cuda-12.1/cuda-12.1; fi
|
||||||
|
RUN if [ -h /usr/local/cuda-12.4/cuda-12.4 ]; then rm /usr/local/cuda-12.4/cuda-12.4; fi
|
||||||
|
|
||||||
|
USER jenkins
|
||||||
|
CMD ["bash"]
|
@ -14,18 +14,19 @@ ENV PYTORCH_ROCM_ARCH ${PYTORCH_ROCM_ARCH}
|
|||||||
COPY ./common/install_base.sh install_base.sh
|
COPY ./common/install_base.sh install_base.sh
|
||||||
RUN bash ./install_base.sh && rm install_base.sh
|
RUN bash ./install_base.sh && rm install_base.sh
|
||||||
|
|
||||||
|
# Install clang
|
||||||
|
ARG LLVMDEV
|
||||||
|
ARG CLANG_VERSION
|
||||||
|
COPY ./common/install_clang.sh install_clang.sh
|
||||||
|
RUN bash ./install_clang.sh && rm install_clang.sh
|
||||||
|
|
||||||
# Install user
|
# Install user
|
||||||
COPY ./common/install_user.sh install_user.sh
|
COPY ./common/install_user.sh install_user.sh
|
||||||
RUN bash ./install_user.sh && rm install_user.sh
|
RUN bash ./install_user.sh && rm install_user.sh
|
||||||
|
|
||||||
# Install katex
|
|
||||||
ARG KATEX
|
|
||||||
COPY ./common/install_docs_reqs.sh install_docs_reqs.sh
|
|
||||||
RUN bash ./install_docs_reqs.sh && rm install_docs_reqs.sh
|
|
||||||
|
|
||||||
# Install conda and other packages (e.g., numpy, pytest)
|
# Install conda and other packages (e.g., numpy, pytest)
|
||||||
ARG ANACONDA_PYTHON_VERSION
|
ARG ANACONDA_PYTHON_VERSION
|
||||||
ARG BUILD_ENVIRONMENT
|
ARG CONDA_CMAKE
|
||||||
ENV ANACONDA_PYTHON_VERSION=$ANACONDA_PYTHON_VERSION
|
ENV ANACONDA_PYTHON_VERSION=$ANACONDA_PYTHON_VERSION
|
||||||
ENV PATH /opt/conda/envs/py_$ANACONDA_PYTHON_VERSION/bin:/opt/conda/bin:$PATH
|
ENV PATH /opt/conda/envs/py_$ANACONDA_PYTHON_VERSION/bin:/opt/conda/bin:$PATH
|
||||||
COPY requirements-ci.txt /opt/conda/requirements-ci.txt
|
COPY requirements-ci.txt /opt/conda/requirements-ci.txt
|
||||||
@ -38,10 +39,19 @@ ARG GCC_VERSION
|
|||||||
COPY ./common/install_gcc.sh install_gcc.sh
|
COPY ./common/install_gcc.sh install_gcc.sh
|
||||||
RUN bash ./install_gcc.sh && rm install_gcc.sh
|
RUN bash ./install_gcc.sh && rm install_gcc.sh
|
||||||
|
|
||||||
# Install clang
|
# (optional) Install protobuf for ONNX
|
||||||
ARG CLANG_VERSION
|
ARG PROTOBUF
|
||||||
COPY ./common/install_clang.sh install_clang.sh
|
COPY ./common/install_protobuf.sh install_protobuf.sh
|
||||||
RUN bash ./install_clang.sh && rm install_clang.sh
|
RUN if [ -n "${PROTOBUF}" ]; then bash ./install_protobuf.sh; fi
|
||||||
|
RUN rm install_protobuf.sh
|
||||||
|
ENV INSTALLED_PROTOBUF ${PROTOBUF}
|
||||||
|
|
||||||
|
# (optional) Install database packages like LMDB and LevelDB
|
||||||
|
ARG DB
|
||||||
|
COPY ./common/install_db.sh install_db.sh
|
||||||
|
RUN if [ -n "${DB}" ]; then bash ./install_db.sh; fi
|
||||||
|
RUN rm install_db.sh
|
||||||
|
ENV INSTALLED_DB ${DB}
|
||||||
|
|
||||||
# (optional) Install vision packages like OpenCV
|
# (optional) Install vision packages like OpenCV
|
||||||
ARG VISION
|
ARG VISION
|
||||||
@ -52,15 +62,11 @@ ENV INSTALLED_VISION ${VISION}
|
|||||||
|
|
||||||
# Install rocm
|
# Install rocm
|
||||||
ARG ROCM_VERSION
|
ARG ROCM_VERSION
|
||||||
RUN mkdir ci_commit_pins
|
|
||||||
COPY ./common/common_utils.sh common_utils.sh
|
|
||||||
COPY ./ci_commit_pins/rocm-composable-kernel.txt ci_commit_pins/rocm-composable-kernel.txt
|
|
||||||
COPY ./common/install_rocm.sh install_rocm.sh
|
COPY ./common/install_rocm.sh install_rocm.sh
|
||||||
RUN bash ./install_rocm.sh
|
RUN bash ./install_rocm.sh
|
||||||
RUN rm install_rocm.sh common_utils.sh
|
RUN rm install_rocm.sh
|
||||||
RUN rm -r ci_commit_pins
|
|
||||||
COPY ./common/install_rocm_magma.sh install_rocm_magma.sh
|
COPY ./common/install_rocm_magma.sh install_rocm_magma.sh
|
||||||
RUN bash ./install_rocm_magma.sh ${ROCM_VERSION}
|
RUN bash ./install_rocm_magma.sh
|
||||||
RUN rm install_rocm_magma.sh
|
RUN rm install_rocm_magma.sh
|
||||||
ADD ./common/install_miopen.sh install_miopen.sh
|
ADD ./common/install_miopen.sh install_miopen.sh
|
||||||
RUN bash ./install_miopen.sh ${ROCM_VERSION} && rm install_miopen.sh
|
RUN bash ./install_miopen.sh ${ROCM_VERSION} && rm install_miopen.sh
|
||||||
@ -79,32 +85,11 @@ COPY ./common/install_amdsmi.sh install_amdsmi.sh
|
|||||||
RUN bash ./install_amdsmi.sh
|
RUN bash ./install_amdsmi.sh
|
||||||
RUN rm install_amdsmi.sh
|
RUN rm install_amdsmi.sh
|
||||||
|
|
||||||
# (optional) Install UCC
|
# (optional) Install non-default CMake version
|
||||||
ARG UCX_COMMIT
|
ARG CMAKE_VERSION
|
||||||
ARG UCC_COMMIT
|
COPY ./common/install_cmake.sh install_cmake.sh
|
||||||
ENV UCX_COMMIT $UCX_COMMIT
|
RUN if [ -n "${CMAKE_VERSION}" ]; then bash ./install_cmake.sh; fi
|
||||||
ENV UCC_COMMIT $UCC_COMMIT
|
RUN rm install_cmake.sh
|
||||||
ENV UCX_HOME /usr
|
|
||||||
ENV UCC_HOME /usr
|
|
||||||
ADD ./common/install_ucc.sh install_ucc.sh
|
|
||||||
RUN if [ -n "${UCX_COMMIT}" ] && [ -n "${UCC_COMMIT}" ]; then bash ./install_ucc.sh; fi
|
|
||||||
RUN rm install_ucc.sh
|
|
||||||
|
|
||||||
COPY ./common/install_openssl.sh install_openssl.sh
|
|
||||||
ENV OPENSSL_ROOT_DIR /opt/openssl
|
|
||||||
RUN bash ./install_openssl.sh
|
|
||||||
ENV OPENSSL_DIR /opt/openssl
|
|
||||||
|
|
||||||
ARG INDUCTOR_BENCHMARKS
|
|
||||||
ARG ANACONDA_PYTHON_VERSION
|
|
||||||
ENV ANACONDA_PYTHON_VERSION=$ANACONDA_PYTHON_VERSION
|
|
||||||
COPY ./common/install_inductor_benchmark_deps.sh install_inductor_benchmark_deps.sh
|
|
||||||
COPY ./common/common_utils.sh common_utils.sh
|
|
||||||
COPY ci_commit_pins/huggingface-requirements.txt huggingface-requirements.txt
|
|
||||||
COPY ci_commit_pins/timm.txt timm.txt
|
|
||||||
COPY ci_commit_pins/torchbench.txt torchbench.txt
|
|
||||||
RUN if [ -n "${INDUCTOR_BENCHMARKS}" ]; then bash ./install_inductor_benchmark_deps.sh; fi
|
|
||||||
RUN rm install_inductor_benchmark_deps.sh common_utils.sh timm.txt huggingface-requirements.txt torchbench.txt
|
|
||||||
|
|
||||||
# (optional) Install non-default Ninja version
|
# (optional) Install non-default Ninja version
|
||||||
ARG NINJA_VERSION
|
ARG NINJA_VERSION
|
||||||
@ -122,17 +107,18 @@ COPY triton_version.txt triton_version.txt
|
|||||||
RUN if [ -n "${TRITON}" ]; then bash ./install_triton.sh; fi
|
RUN if [ -n "${TRITON}" ]; then bash ./install_triton.sh; fi
|
||||||
RUN rm install_triton.sh common_utils.sh triton.txt triton_version.txt
|
RUN rm install_triton.sh common_utils.sh triton.txt triton_version.txt
|
||||||
|
|
||||||
|
# Install AOTriton
|
||||||
|
COPY ./aotriton_version.txt aotriton_version.txt
|
||||||
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
|
COPY ./common/install_aotriton.sh install_aotriton.sh
|
||||||
|
RUN ["/bin/bash", "-c", "./install_aotriton.sh /opt/rocm && rm -rf install_aotriton.sh aotriton_version.txt common_utils.sh"]
|
||||||
|
ENV AOTRITON_INSTALLED_PREFIX /opt/rocm/aotriton
|
||||||
|
|
||||||
# Install ccache/sccache (do this last, so we get priority in PATH)
|
# Install ccache/sccache (do this last, so we get priority in PATH)
|
||||||
COPY ./common/install_cache.sh install_cache.sh
|
COPY ./common/install_cache.sh install_cache.sh
|
||||||
ENV PATH /opt/cache/bin:$PATH
|
ENV PATH /opt/cache/bin:$PATH
|
||||||
RUN bash ./install_cache.sh && rm install_cache.sh
|
RUN bash ./install_cache.sh && rm install_cache.sh
|
||||||
|
|
||||||
# Install Open MPI for ROCm
|
|
||||||
COPY ./common/install_openmpi.sh install_openmpi.sh
|
|
||||||
RUN if [ -n "${CUDA_VERSION}" ]; then bash install_openmpi.sh; fi
|
|
||||||
RUN rm install_openmpi.sh
|
|
||||||
|
|
||||||
# Include BUILD_ENVIRONMENT environment variable in image
|
# Include BUILD_ENVIRONMENT environment variable in image
|
||||||
ARG BUILD_ENVIRONMENT
|
ARG BUILD_ENVIRONMENT
|
||||||
ENV BUILD_ENVIRONMENT ${BUILD_ENVIRONMENT}
|
ENV BUILD_ENVIRONMENT ${BUILD_ENVIRONMENT}
|
||||||
|
@ -28,6 +28,7 @@ RUN bash ./install_docs_reqs.sh && rm install_docs_reqs.sh
|
|||||||
|
|
||||||
# Install conda and other packages (e.g., numpy, pytest)
|
# Install conda and other packages (e.g., numpy, pytest)
|
||||||
ARG ANACONDA_PYTHON_VERSION
|
ARG ANACONDA_PYTHON_VERSION
|
||||||
|
ARG CONDA_CMAKE
|
||||||
ARG DOCS
|
ARG DOCS
|
||||||
ARG BUILD_ENVIRONMENT
|
ARG BUILD_ENVIRONMENT
|
||||||
ENV ANACONDA_PYTHON_VERSION=$ANACONDA_PYTHON_VERSION
|
ENV ANACONDA_PYTHON_VERSION=$ANACONDA_PYTHON_VERSION
|
||||||
@ -56,10 +57,10 @@ RUN rm install_openssl.sh
|
|||||||
ARG INDUCTOR_BENCHMARKS
|
ARG INDUCTOR_BENCHMARKS
|
||||||
COPY ./common/install_inductor_benchmark_deps.sh install_inductor_benchmark_deps.sh
|
COPY ./common/install_inductor_benchmark_deps.sh install_inductor_benchmark_deps.sh
|
||||||
COPY ./common/common_utils.sh common_utils.sh
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
COPY ci_commit_pins/huggingface-requirements.txt huggingface-requirements.txt
|
COPY ci_commit_pins/huggingface.txt huggingface.txt
|
||||||
COPY ci_commit_pins/timm.txt timm.txt
|
COPY ci_commit_pins/timm.txt timm.txt
|
||||||
RUN if [ -n "${INDUCTOR_BENCHMARKS}" ]; then bash ./install_inductor_benchmark_deps.sh; fi
|
RUN if [ -n "${INDUCTOR_BENCHMARKS}" ]; then bash ./install_inductor_benchmark_deps.sh; fi
|
||||||
RUN rm install_inductor_benchmark_deps.sh common_utils.sh timm.txt huggingface-requirements.txt
|
RUN rm install_inductor_benchmark_deps.sh common_utils.sh timm.txt huggingface.txt
|
||||||
|
|
||||||
# Install XPU Dependencies
|
# Install XPU Dependencies
|
||||||
ARG XPU_VERSION
|
ARG XPU_VERSION
|
||||||
@ -72,10 +73,17 @@ ARG TRITON
|
|||||||
COPY ./common/install_triton.sh install_triton.sh
|
COPY ./common/install_triton.sh install_triton.sh
|
||||||
COPY ./common/common_utils.sh common_utils.sh
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
COPY ci_commit_pins/triton-xpu.txt triton-xpu.txt
|
COPY ci_commit_pins/triton-xpu.txt triton-xpu.txt
|
||||||
COPY triton_xpu_version.txt triton_version.txt
|
COPY triton_version.txt triton_version.txt
|
||||||
RUN if [ -n "${TRITON}" ]; then bash ./install_triton.sh; fi
|
RUN if [ -n "${TRITON}" ]; then bash ./install_triton.sh; fi
|
||||||
RUN rm install_triton.sh common_utils.sh triton-xpu.txt triton_version.txt
|
RUN rm install_triton.sh common_utils.sh triton-xpu.txt triton_version.txt
|
||||||
|
|
||||||
|
# (optional) Install database packages like LMDB and LevelDB
|
||||||
|
ARG DB
|
||||||
|
COPY ./common/install_db.sh install_db.sh
|
||||||
|
RUN if [ -n "${DB}" ]; then bash ./install_db.sh; fi
|
||||||
|
RUN rm install_db.sh
|
||||||
|
ENV INSTALLED_DB ${DB}
|
||||||
|
|
||||||
# (optional) Install vision packages like OpenCV
|
# (optional) Install vision packages like OpenCV
|
||||||
ARG VISION
|
ARG VISION
|
||||||
COPY ./common/install_vision.sh ./common/cache_vision_models.sh ./common/common_utils.sh ./
|
COPY ./common/install_vision.sh ./common/cache_vision_models.sh ./common/common_utils.sh ./
|
||||||
@ -83,6 +91,12 @@ RUN if [ -n "${VISION}" ]; then bash ./install_vision.sh; fi
|
|||||||
RUN rm install_vision.sh cache_vision_models.sh common_utils.sh
|
RUN rm install_vision.sh cache_vision_models.sh common_utils.sh
|
||||||
ENV INSTALLED_VISION ${VISION}
|
ENV INSTALLED_VISION ${VISION}
|
||||||
|
|
||||||
|
# (optional) Install non-default CMake version
|
||||||
|
ARG CMAKE_VERSION
|
||||||
|
COPY ./common/install_cmake.sh install_cmake.sh
|
||||||
|
RUN if [ -n "${CMAKE_VERSION}" ]; then bash ./install_cmake.sh; fi
|
||||||
|
RUN rm install_cmake.sh
|
||||||
|
|
||||||
# (optional) Install non-default Ninja version
|
# (optional) Install non-default Ninja version
|
||||||
ARG NINJA_VERSION
|
ARG NINJA_VERSION
|
||||||
COPY ./common/install_ninja.sh install_ninja.sh
|
COPY ./common/install_ninja.sh install_ninja.sh
|
||||||
|
@ -1,6 +1,6 @@
|
|||||||
ARG UBUNTU_VERSION
|
ARG UBUNTU_VERSION
|
||||||
|
|
||||||
FROM ubuntu:${UBUNTU_VERSION} as base
|
FROM ubuntu:${UBUNTU_VERSION}
|
||||||
|
|
||||||
ARG UBUNTU_VERSION
|
ARG UBUNTU_VERSION
|
||||||
|
|
||||||
@ -28,6 +28,7 @@ RUN bash ./install_docs_reqs.sh && rm install_docs_reqs.sh
|
|||||||
|
|
||||||
# Install conda and other packages (e.g., numpy, pytest)
|
# Install conda and other packages (e.g., numpy, pytest)
|
||||||
ARG ANACONDA_PYTHON_VERSION
|
ARG ANACONDA_PYTHON_VERSION
|
||||||
|
ARG CONDA_CMAKE
|
||||||
ARG DOCS
|
ARG DOCS
|
||||||
ENV ANACONDA_PYTHON_VERSION=$ANACONDA_PYTHON_VERSION
|
ENV ANACONDA_PYTHON_VERSION=$ANACONDA_PYTHON_VERSION
|
||||||
ENV PATH /opt/conda/envs/py_$ANACONDA_PYTHON_VERSION/bin:/opt/conda/bin:$PATH
|
ENV PATH /opt/conda/envs/py_$ANACONDA_PYTHON_VERSION/bin:/opt/conda/bin:$PATH
|
||||||
@ -35,8 +36,7 @@ ENV DOCS=$DOCS
|
|||||||
COPY requirements-ci.txt requirements-docs.txt /opt/conda/
|
COPY requirements-ci.txt requirements-docs.txt /opt/conda/
|
||||||
COPY ./common/install_conda.sh install_conda.sh
|
COPY ./common/install_conda.sh install_conda.sh
|
||||||
COPY ./common/common_utils.sh common_utils.sh
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
COPY ./common/install_magma_conda.sh install_magma_conda.sh
|
RUN bash ./install_conda.sh && rm install_conda.sh common_utils.sh /opt/conda/requirements-ci.txt /opt/conda/requirements-docs.txt
|
||||||
RUN bash ./install_conda.sh && rm install_conda.sh install_magma_conda.sh common_utils.sh /opt/conda/requirements-ci.txt /opt/conda/requirements-docs.txt
|
|
||||||
RUN if [ -n "${UNINSTALL_DILL}" ]; then pip uninstall -y dill; fi
|
RUN if [ -n "${UNINSTALL_DILL}" ]; then pip uninstall -y dill; fi
|
||||||
|
|
||||||
# Install gcc
|
# Install gcc
|
||||||
@ -51,22 +51,13 @@ RUN bash ./install_lcov.sh && rm install_lcov.sh
|
|||||||
# Install cuda and cudnn
|
# Install cuda and cudnn
|
||||||
ARG CUDA_VERSION
|
ARG CUDA_VERSION
|
||||||
COPY ./common/install_cuda.sh install_cuda.sh
|
COPY ./common/install_cuda.sh install_cuda.sh
|
||||||
COPY ./common/install_nccl.sh install_nccl.sh
|
RUN bash ./install_cuda.sh ${CUDA_VERSION} && rm install_cuda.sh
|
||||||
COPY ./ci_commit_pins/nccl-cu* /ci_commit_pins/
|
|
||||||
COPY ./common/install_cusparselt.sh install_cusparselt.sh
|
|
||||||
RUN bash ./install_cuda.sh ${CUDA_VERSION} && rm install_cuda.sh install_nccl.sh /ci_commit_pins/nccl-cu* install_cusparselt.sh
|
|
||||||
ENV DESIRED_CUDA ${CUDA_VERSION}
|
ENV DESIRED_CUDA ${CUDA_VERSION}
|
||||||
ENV PATH /usr/local/nvidia/bin:/usr/local/cuda/bin:$PATH
|
ENV PATH /usr/local/nvidia/bin:/usr/local/cuda/bin:$PATH
|
||||||
# No effect if cuda not installed
|
|
||||||
ENV USE_SYSTEM_NCCL=1
|
|
||||||
ENV NCCL_INCLUDE_DIR="/usr/local/cuda/include/"
|
|
||||||
ENV NCCL_LIB_DIR="/usr/local/cuda/lib64/"
|
|
||||||
|
|
||||||
|
|
||||||
# (optional) Install UCC
|
# (optional) Install UCC
|
||||||
ARG UCX_COMMIT
|
ARG UCX_COMMIT
|
||||||
ARG UCC_COMMIT
|
ARG UCC_COMMIT
|
||||||
ARG CUDA_VERSION
|
|
||||||
ENV UCX_COMMIT $UCX_COMMIT
|
ENV UCX_COMMIT $UCX_COMMIT
|
||||||
ENV UCC_COMMIT $UCC_COMMIT
|
ENV UCC_COMMIT $UCC_COMMIT
|
||||||
ENV UCX_HOME /usr
|
ENV UCX_HOME /usr
|
||||||
@ -75,6 +66,20 @@ ADD ./common/install_ucc.sh install_ucc.sh
|
|||||||
RUN if [ -n "${UCX_COMMIT}" ] && [ -n "${UCC_COMMIT}" ]; then bash ./install_ucc.sh; fi
|
RUN if [ -n "${UCX_COMMIT}" ] && [ -n "${UCC_COMMIT}" ]; then bash ./install_ucc.sh; fi
|
||||||
RUN rm install_ucc.sh
|
RUN rm install_ucc.sh
|
||||||
|
|
||||||
|
# (optional) Install protobuf for ONNX
|
||||||
|
ARG PROTOBUF
|
||||||
|
COPY ./common/install_protobuf.sh install_protobuf.sh
|
||||||
|
RUN if [ -n "${PROTOBUF}" ]; then bash ./install_protobuf.sh; fi
|
||||||
|
RUN rm install_protobuf.sh
|
||||||
|
ENV INSTALLED_PROTOBUF ${PROTOBUF}
|
||||||
|
|
||||||
|
# (optional) Install database packages like LMDB and LevelDB
|
||||||
|
ARG DB
|
||||||
|
COPY ./common/install_db.sh install_db.sh
|
||||||
|
RUN if [ -n "${DB}" ]; then bash ./install_db.sh; fi
|
||||||
|
RUN rm install_db.sh
|
||||||
|
ENV INSTALLED_DB ${DB}
|
||||||
|
|
||||||
# (optional) Install vision packages like OpenCV
|
# (optional) Install vision packages like OpenCV
|
||||||
ARG VISION
|
ARG VISION
|
||||||
COPY ./common/install_vision.sh ./common/cache_vision_models.sh ./common/common_utils.sh ./
|
COPY ./common/install_vision.sh ./common/cache_vision_models.sh ./common/common_utils.sh ./
|
||||||
@ -82,6 +87,24 @@ RUN if [ -n "${VISION}" ]; then bash ./install_vision.sh; fi
|
|||||||
RUN rm install_vision.sh cache_vision_models.sh common_utils.sh
|
RUN rm install_vision.sh cache_vision_models.sh common_utils.sh
|
||||||
ENV INSTALLED_VISION ${VISION}
|
ENV INSTALLED_VISION ${VISION}
|
||||||
|
|
||||||
|
# (optional) Install Vulkan SDK
|
||||||
|
ARG VULKAN_SDK_VERSION
|
||||||
|
COPY ./common/install_vulkan_sdk.sh install_vulkan_sdk.sh
|
||||||
|
RUN if [ -n "${VULKAN_SDK_VERSION}" ]; then bash ./install_vulkan_sdk.sh; fi
|
||||||
|
RUN rm install_vulkan_sdk.sh
|
||||||
|
|
||||||
|
# (optional) Install swiftshader
|
||||||
|
ARG SWIFTSHADER
|
||||||
|
COPY ./common/install_swiftshader.sh install_swiftshader.sh
|
||||||
|
RUN if [ -n "${SWIFTSHADER}" ]; then bash ./install_swiftshader.sh; fi
|
||||||
|
RUN rm install_swiftshader.sh
|
||||||
|
|
||||||
|
# (optional) Install non-default CMake version
|
||||||
|
ARG CMAKE_VERSION
|
||||||
|
COPY ./common/install_cmake.sh install_cmake.sh
|
||||||
|
RUN if [ -n "${CMAKE_VERSION}" ]; then bash ./install_cmake.sh; fi
|
||||||
|
RUN rm install_cmake.sh
|
||||||
|
|
||||||
# (optional) Install non-default Ninja version
|
# (optional) Install non-default Ninja version
|
||||||
ARG NINJA_VERSION
|
ARG NINJA_VERSION
|
||||||
COPY ./common/install_ninja.sh install_ninja.sh
|
COPY ./common/install_ninja.sh install_ninja.sh
|
||||||
@ -97,28 +120,26 @@ RUN rm install_openssl.sh
|
|||||||
ARG INDUCTOR_BENCHMARKS
|
ARG INDUCTOR_BENCHMARKS
|
||||||
COPY ./common/install_inductor_benchmark_deps.sh install_inductor_benchmark_deps.sh
|
COPY ./common/install_inductor_benchmark_deps.sh install_inductor_benchmark_deps.sh
|
||||||
COPY ./common/common_utils.sh common_utils.sh
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
COPY ci_commit_pins/huggingface-requirements.txt huggingface-requirements.txt
|
COPY ci_commit_pins/huggingface.txt huggingface.txt
|
||||||
COPY ci_commit_pins/timm.txt timm.txt
|
COPY ci_commit_pins/timm.txt timm.txt
|
||||||
COPY ci_commit_pins/torchbench.txt torchbench.txt
|
|
||||||
RUN if [ -n "${INDUCTOR_BENCHMARKS}" ]; then bash ./install_inductor_benchmark_deps.sh; fi
|
RUN if [ -n "${INDUCTOR_BENCHMARKS}" ]; then bash ./install_inductor_benchmark_deps.sh; fi
|
||||||
RUN rm install_inductor_benchmark_deps.sh common_utils.sh timm.txt huggingface-requirements.txt torchbench.txt
|
RUN rm install_inductor_benchmark_deps.sh common_utils.sh timm.txt huggingface.txt
|
||||||
|
|
||||||
ARG TRITON
|
ARG TRITON
|
||||||
ARG TRITON_CPU
|
# Install triton, this needs to be done before sccache because the latter will
|
||||||
|
# try to reach out to S3, which docker build runners don't have access
|
||||||
# Create a separate stage for building Triton and Triton-CPU. install_triton
|
|
||||||
# will check for the presence of env vars
|
|
||||||
FROM base as triton-builder
|
|
||||||
COPY ./common/install_triton.sh install_triton.sh
|
COPY ./common/install_triton.sh install_triton.sh
|
||||||
COPY ./common/common_utils.sh common_utils.sh
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
COPY ci_commit_pins/triton.txt triton.txt
|
COPY ci_commit_pins/triton.txt triton.txt
|
||||||
COPY ci_commit_pins/triton-cpu.txt triton-cpu.txt
|
RUN if [ -n "${TRITON}" ]; then bash ./install_triton.sh; fi
|
||||||
RUN bash ./install_triton.sh
|
RUN rm install_triton.sh common_utils.sh triton.txt
|
||||||
|
|
||||||
FROM base as final
|
ARG TRITON_CPU
|
||||||
COPY --from=triton-builder /opt/triton /opt/triton
|
COPY ./common/install_triton.sh install_triton.sh
|
||||||
RUN if [ -n "${TRITON}" ] || [ -n "${TRITON_CPU}" ]; then pip install /opt/triton/*.whl; chown -R jenkins:jenkins /opt/conda; fi
|
COPY ./common/common_utils.sh common_utils.sh
|
||||||
RUN rm -rf /opt/triton
|
COPY ci_commit_pins/triton-cpu.txt triton-cpu.txt
|
||||||
|
RUN if [ -n "${TRITON_CPU}" ]; then bash ./install_triton.sh; fi
|
||||||
|
RUN rm install_triton.sh common_utils.sh triton-cpu.txt
|
||||||
|
|
||||||
ARG EXECUTORCH
|
ARG EXECUTORCH
|
||||||
# Build and install executorch
|
# Build and install executorch
|
||||||
@ -149,12 +170,6 @@ RUN if [ -n "${ACL}" ]; then bash ./install_acl.sh; fi
|
|||||||
RUN rm install_acl.sh
|
RUN rm install_acl.sh
|
||||||
ENV INSTALLED_ACL ${ACL}
|
ENV INSTALLED_ACL ${ACL}
|
||||||
|
|
||||||
ARG OPENBLAS
|
|
||||||
COPY ./common/install_openblas.sh install_openblas.sh
|
|
||||||
RUN if [ -n "${OPENBLAS}" ]; then bash ./install_openblas.sh; fi
|
|
||||||
RUN rm install_openblas.sh
|
|
||||||
ENV INSTALLED_OPENBLAS ${OPENBLAS}
|
|
||||||
|
|
||||||
# Install ccache/sccache (do this last, so we get priority in PATH)
|
# Install ccache/sccache (do this last, so we get priority in PATH)
|
||||||
ARG SKIP_SCCACHE_INSTALL
|
ARG SKIP_SCCACHE_INSTALL
|
||||||
COPY ./common/install_cache.sh install_cache.sh
|
COPY ./common/install_cache.sh install_cache.sh
|
||||||
@ -182,6 +197,7 @@ COPY --from=pytorch/llvm:9.0.1 /opt/llvm /opt/llvm
|
|||||||
RUN if [ -n "${SKIP_LLVM_SRC_BUILD_INSTALL}" ]; then set -eu; rm -rf /opt/llvm; fi
|
RUN if [ -n "${SKIP_LLVM_SRC_BUILD_INSTALL}" ]; then set -eu; rm -rf /opt/llvm; fi
|
||||||
|
|
||||||
# AWS specific CUDA build guidance
|
# AWS specific CUDA build guidance
|
||||||
|
ENV TORCH_CUDA_ARCH_LIST Maxwell
|
||||||
ENV TORCH_NVCC_FLAGS "-Xfatbin -compress-all"
|
ENV TORCH_NVCC_FLAGS "-Xfatbin -compress-all"
|
||||||
ENV CUDA_PATH /usr/local/cuda
|
ENV CUDA_PATH /usr/local/cuda
|
||||||
|
|
||||||
|
@ -7,4 +7,4 @@ set -ex
|
|||||||
|
|
||||||
SCRIPTPATH="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )"
|
SCRIPTPATH="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )"
|
||||||
|
|
||||||
USE_NVSHMEM=0 USE_CUSPARSELT=0 BUILD_PYTHONLESS=1 DESIRED_PYTHON="3.10" ${SCRIPTPATH}/../manywheel/build.sh
|
USE_CUSPARSELT=0 BUILD_PYTHONLESS=1 DESIRED_PYTHON="3.9" ${SCRIPTPATH}/../manywheel/build.sh
|
||||||
|
@ -1,31 +0,0 @@
|
|||||||
# 🔧 Lumen_cli
|
|
||||||
A Python CLI tool for building and testing PyTorch-based components, using a YAML configuration file for structured, repeatable workflows.
|
|
||||||
|
|
||||||
|
|
||||||
## Features
|
|
||||||
- **Build**
|
|
||||||
- external projects (e.g. vLLM)
|
|
||||||
|
|
||||||
## 📦 Installation
|
|
||||||
at the root of the pytorch repo
|
|
||||||
```bash
|
|
||||||
pip install -e .ci/lumen_cli
|
|
||||||
```
|
|
||||||
|
|
||||||
## Run the cli tool
|
|
||||||
The cli tool must be used at root of pytorch repo, as example to run build external vllm:
|
|
||||||
```bash
|
|
||||||
python -m cli.run build external vllm
|
|
||||||
```
|
|
||||||
this will run the build steps with default behaviour for vllm project.
|
|
||||||
|
|
||||||
to see help messages, run
|
|
||||||
```bash
|
|
||||||
python3 -m cli.run --help
|
|
||||||
```
|
|
||||||
|
|
||||||
## Add customized external build logics
|
|
||||||
To add a new external build, for instance, add a new external build logics:
|
|
||||||
1. create the build function in cli/lib folder
|
|
||||||
2. register your target and the main build function at EXTERNAL_BUILD_TARGET_DISPATCH in `cli/build_cli/register_build.py`
|
|
||||||
3. [optional] create your ci config file in .github/ci_configs/${EXTERNAL_PACKAGE_NAME}.yaml
|
|
@ -1,37 +0,0 @@
|
|||||||
import argparse
|
|
||||||
import logging
|
|
||||||
|
|
||||||
from cli.lib.common.cli_helper import register_targets, RichHelp, TargetSpec
|
|
||||||
from cli.lib.core.vllm.vllm_build import VllmBuildRunner
|
|
||||||
|
|
||||||
|
|
||||||
logger = logging.getLogger(__name__)
|
|
||||||
|
|
||||||
# Maps targets to their argparse configuration and runner
|
|
||||||
# it adds new target to path python -m cli.run build external {target} with buildrunner
|
|
||||||
_TARGETS: dict[str, TargetSpec] = {
|
|
||||||
"vllm": {
|
|
||||||
"runner": VllmBuildRunner,
|
|
||||||
"help": "Build vLLM using docker buildx.",
|
|
||||||
}
|
|
||||||
# add yours ...
|
|
||||||
}
|
|
||||||
|
|
||||||
|
|
||||||
def register_build_commands(subparsers: argparse._SubParsersAction) -> None:
|
|
||||||
build_parser = subparsers.add_parser(
|
|
||||||
"build",
|
|
||||||
help="Build related commands",
|
|
||||||
formatter_class=RichHelp,
|
|
||||||
)
|
|
||||||
build_subparsers = build_parser.add_subparsers(dest="build_command", required=True)
|
|
||||||
overview = "\n".join(
|
|
||||||
f" {name:12} {spec.get('help', '')}" for name, spec in _TARGETS.items()
|
|
||||||
)
|
|
||||||
external_parser = build_subparsers.add_parser(
|
|
||||||
"external",
|
|
||||||
help="Build external targets",
|
|
||||||
description="Build third-party targets.\n\nAvailable targets:\n" + overview,
|
|
||||||
formatter_class=RichHelp,
|
|
||||||
)
|
|
||||||
register_targets(external_parser, _TARGETS)
|
|
@ -1,71 +0,0 @@
|
|||||||
"""
|
|
||||||
Cli Argparser Utility helpers for CLI tasks.
|
|
||||||
|
|
||||||
"""
|
|
||||||
|
|
||||||
import argparse
|
|
||||||
from abc import ABC, abstractmethod
|
|
||||||
|
|
||||||
|
|
||||||
try:
|
|
||||||
from typing import Any, Callable, Required, TypedDict # Python 3.11+
|
|
||||||
except ImportError:
|
|
||||||
from typing import Any, Callable, TypedDict
|
|
||||||
|
|
||||||
from typing_extensions import Required # Fallback for Python <3.11
|
|
||||||
|
|
||||||
|
|
||||||
class BaseRunner(ABC):
|
|
||||||
def __init__(self, args: Any) -> None:
|
|
||||||
self.args = args
|
|
||||||
|
|
||||||
@abstractmethod
|
|
||||||
def run(self) -> None:
|
|
||||||
"""runs main logics, required"""
|
|
||||||
|
|
||||||
|
|
||||||
# Pretty help: keep newlines + show defaults
|
|
||||||
class RichHelp(
|
|
||||||
argparse.ArgumentDefaultsHelpFormatter, argparse.RawDescriptionHelpFormatter
|
|
||||||
):
|
|
||||||
pass
|
|
||||||
|
|
||||||
|
|
||||||
class TargetSpec(TypedDict, total=False):
|
|
||||||
"""CLI subcommand specification with bA."""
|
|
||||||
|
|
||||||
runner: Required[type[BaseRunner]]
|
|
||||||
help: str
|
|
||||||
description: str
|
|
||||||
add_arguments: Callable[[argparse.ArgumentParser], None]
|
|
||||||
|
|
||||||
|
|
||||||
def register_targets(
|
|
||||||
parser: argparse.ArgumentParser,
|
|
||||||
target_specs: dict[str, TargetSpec],
|
|
||||||
common_args: Callable[[argparse.ArgumentParser], None] = lambda _: None,
|
|
||||||
) -> None:
|
|
||||||
"""Register target subcommands."""
|
|
||||||
targets = parser.add_subparsers(
|
|
||||||
dest="target",
|
|
||||||
required=True,
|
|
||||||
metavar="{" + ",".join(target_specs.keys()) + "}",
|
|
||||||
)
|
|
||||||
|
|
||||||
for name, spec in target_specs.items():
|
|
||||||
desc = spec.get("description") or spec["runner"].__doc__ or ""
|
|
||||||
|
|
||||||
p = targets.add_parser(
|
|
||||||
name,
|
|
||||||
help=spec.get("help", ""),
|
|
||||||
description=desc.strip(),
|
|
||||||
formatter_class=RichHelp,
|
|
||||||
)
|
|
||||||
p.set_defaults(
|
|
||||||
func=lambda args, cls=spec["runner"]: cls(args).run(),
|
|
||||||
_runner_class=spec["runner"],
|
|
||||||
)
|
|
||||||
if "add_arguments" in spec and callable(spec["add_arguments"]):
|
|
||||||
spec["add_arguments"](p)
|
|
||||||
if common_args:
|
|
||||||
common_args(p)
|
|
@ -1,42 +0,0 @@
|
|||||||
"""
|
|
||||||
Docker Utility helpers for CLI tasks.
|
|
||||||
"""
|
|
||||||
|
|
||||||
import logging
|
|
||||||
from typing import Optional
|
|
||||||
|
|
||||||
import docker
|
|
||||||
from docker.errors import APIError, NotFound
|
|
||||||
|
|
||||||
|
|
||||||
logger = logging.getLogger(__name__)
|
|
||||||
|
|
||||||
# lazy singleton so we don't reconnect every call
|
|
||||||
_docker_client: Optional[docker.DockerClient] = None
|
|
||||||
|
|
||||||
|
|
||||||
def _get_client() -> docker.DockerClient:
|
|
||||||
global _docker_client
|
|
||||||
if _docker_client is None:
|
|
||||||
_docker_client = docker.from_env()
|
|
||||||
return _docker_client
|
|
||||||
|
|
||||||
|
|
||||||
def local_image_exists(
|
|
||||||
image_name: str, client: Optional[docker.DockerClient] = None
|
|
||||||
) -> bool:
|
|
||||||
"""Return True if a local Docker image exists."""
|
|
||||||
if not image_name:
|
|
||||||
return False
|
|
||||||
|
|
||||||
client = client or _get_client()
|
|
||||||
try:
|
|
||||||
client.images.get(image_name)
|
|
||||||
return True
|
|
||||||
except (NotFound, APIError) as e:
|
|
||||||
logger.error(
|
|
||||||
"Error when checking Docker image '%s': %s",
|
|
||||||
image_name,
|
|
||||||
e.explanation if hasattr(e, "explanation") else str(e),
|
|
||||||
)
|
|
||||||
return False
|
|
@ -1,110 +0,0 @@
|
|||||||
"""
|
|
||||||
Environment Variables and Dataclasses Utility helpers for CLI tasks.
|
|
||||||
"""
|
|
||||||
|
|
||||||
import os
|
|
||||||
from dataclasses import field, fields, is_dataclass, MISSING
|
|
||||||
from pathlib import Path
|
|
||||||
from textwrap import indent
|
|
||||||
from typing import Optional, Union
|
|
||||||
|
|
||||||
from cli.lib.common.utils import str2bool
|
|
||||||
|
|
||||||
|
|
||||||
def get_env(name: str, default: str = "") -> str:
|
|
||||||
"""Get environment variable with default fallback."""
|
|
||||||
return os.environ.get(name) or default
|
|
||||||
|
|
||||||
|
|
||||||
def env_path_optional(
|
|
||||||
name: str,
|
|
||||||
default: Optional[Union[str, Path]] = None,
|
|
||||||
resolve: bool = True,
|
|
||||||
) -> Optional[Path]:
|
|
||||||
"""Get environment variable as optional Path."""
|
|
||||||
val = get_env(name) or default
|
|
||||||
if not val:
|
|
||||||
return None
|
|
||||||
|
|
||||||
path = Path(val)
|
|
||||||
return path.resolve() if resolve else path
|
|
||||||
|
|
||||||
|
|
||||||
def env_path(
|
|
||||||
name: str,
|
|
||||||
default: Optional[Union[str, Path]] = None,
|
|
||||||
resolve: bool = True,
|
|
||||||
) -> Path:
|
|
||||||
"""Get environment variable as Path, raise if missing."""
|
|
||||||
path = env_path_optional(name, default, resolve)
|
|
||||||
if not path:
|
|
||||||
raise ValueError(f"Missing path value for {name}")
|
|
||||||
return path
|
|
||||||
|
|
||||||
|
|
||||||
def env_bool(
|
|
||||||
name: str,
|
|
||||||
default: bool = False,
|
|
||||||
) -> bool:
|
|
||||||
val = get_env(name)
|
|
||||||
if not val:
|
|
||||||
return default
|
|
||||||
return str2bool(val)
|
|
||||||
|
|
||||||
|
|
||||||
def env_bool_field(
|
|
||||||
name: str,
|
|
||||||
default: bool = False,
|
|
||||||
):
|
|
||||||
return field(default_factory=lambda: env_bool(name, default))
|
|
||||||
|
|
||||||
|
|
||||||
def env_path_field(
|
|
||||||
name: str,
|
|
||||||
default: Union[str, Path] = "",
|
|
||||||
*,
|
|
||||||
resolve: bool = True,
|
|
||||||
) -> Path:
|
|
||||||
return field(default_factory=lambda: env_path(name, default, resolve=resolve))
|
|
||||||
|
|
||||||
|
|
||||||
def env_str_field(
|
|
||||||
name: str,
|
|
||||||
default: str = "",
|
|
||||||
) -> str:
|
|
||||||
return field(default_factory=lambda: get_env(name, default))
|
|
||||||
|
|
||||||
|
|
||||||
def generate_dataclass_help(cls) -> str:
|
|
||||||
"""Auto-generate help text for dataclass fields."""
|
|
||||||
if not is_dataclass(cls):
|
|
||||||
raise TypeError(f"{cls} is not a dataclass")
|
|
||||||
|
|
||||||
def get_value(f):
|
|
||||||
if f.default is not MISSING:
|
|
||||||
return f.default
|
|
||||||
if f.default_factory is not MISSING:
|
|
||||||
try:
|
|
||||||
return f.default_factory()
|
|
||||||
except Exception as e:
|
|
||||||
return f"<error: {e}>"
|
|
||||||
return "<required>"
|
|
||||||
|
|
||||||
lines = [f"{f.name:<22} = {repr(get_value(f))}" for f in fields(cls)]
|
|
||||||
return indent("\n".join(lines), " ")
|
|
||||||
|
|
||||||
|
|
||||||
def with_params_help(params_cls: type, title: str = "Parameter defaults"):
|
|
||||||
"""
|
|
||||||
Class decorator that appends a help table generated from another dataclass
|
|
||||||
(e.g., VllmParameters) to the decorated class's docstring.
|
|
||||||
"""
|
|
||||||
if not is_dataclass(params_cls):
|
|
||||||
raise TypeError(f"{params_cls} must be a dataclass")
|
|
||||||
|
|
||||||
def _decorator(cls: type) -> type:
|
|
||||||
block = generate_dataclass_help(params_cls)
|
|
||||||
cls.__doc__ = (cls.__doc__ or "") + f"\n\n{title}:\n{block}"
|
|
||||||
return cls
|
|
||||||
|
|
||||||
return _decorator
|
|
@ -1,143 +0,0 @@
|
|||||||
from __future__ import annotations
|
|
||||||
|
|
||||||
import logging
|
|
||||||
import os
|
|
||||||
import textwrap
|
|
||||||
from pathlib import Path
|
|
||||||
from typing import TYPE_CHECKING
|
|
||||||
|
|
||||||
from cli.lib.common.utils import get_wheels
|
|
||||||
from jinja2 import Template
|
|
||||||
|
|
||||||
|
|
||||||
if TYPE_CHECKING:
|
|
||||||
from collections.abc import Iterable, Mapping
|
|
||||||
|
|
||||||
|
|
||||||
logger = logging.getLogger(__name__)
|
|
||||||
|
|
||||||
_TPL_CONTENT = Template(
|
|
||||||
textwrap.dedent("""\
|
|
||||||
## {{ title }}
|
|
||||||
|
|
||||||
```{{ lang }}
|
|
||||||
{{ content }}
|
|
||||||
```
|
|
||||||
""")
|
|
||||||
)
|
|
||||||
|
|
||||||
_TPL_LIST_ITEMS = Template(
|
|
||||||
textwrap.dedent("""\
|
|
||||||
## {{ title }}
|
|
||||||
{% for it in items %}
|
|
||||||
- {{ it.pkg }}: {{ it.relpath }}
|
|
||||||
{% else %}
|
|
||||||
_(no item found)_
|
|
||||||
{% endfor %}
|
|
||||||
""")
|
|
||||||
)
|
|
||||||
|
|
||||||
_TPL_TABLE = Template(
|
|
||||||
textwrap.dedent("""\
|
|
||||||
{%- if rows %}
|
|
||||||
| {{ cols | join(' | ') }} |
|
|
||||||
|{%- for _ in cols %} --- |{%- endfor %}
|
|
||||||
{%- for r in rows %}
|
|
||||||
| {%- for c in cols %} {{ r.get(c, "") }} |{%- endfor %}
|
|
||||||
{%- endfor %}
|
|
||||||
{%- else %}
|
|
||||||
_(no data)_
|
|
||||||
{%- endif %}
|
|
||||||
""")
|
|
||||||
)
|
|
||||||
|
|
||||||
|
|
||||||
def gh_summary_path() -> Path | None:
|
|
||||||
"""Return the Path to the GitHub step summary file, or None if not set."""
|
|
||||||
p = os.environ.get("GITHUB_STEP_SUMMARY")
|
|
||||||
return Path(p) if p else None
|
|
||||||
|
|
||||||
|
|
||||||
def write_gh_step_summary(md: str, *, append_content: bool = True) -> bool:
|
|
||||||
"""
|
|
||||||
Write Markdown content to the GitHub Step Summary file if GITHUB_STEP_SUMMARY is set.
|
|
||||||
append_content: default true, if True, append to the end of the file, else overwrite the whole file
|
|
||||||
|
|
||||||
Returns:
|
|
||||||
True if written successfully (in GitHub Actions environment),
|
|
||||||
False if skipped (e.g., running locally where the variable is not set).
|
|
||||||
"""
|
|
||||||
sp = gh_summary_path()
|
|
||||||
if not sp:
|
|
||||||
logger.info("[gh-summary] GITHUB_STEP_SUMMARY not set, skipping write.")
|
|
||||||
return False
|
|
||||||
|
|
||||||
md_clean = textwrap.dedent(md).strip() + "\n"
|
|
||||||
|
|
||||||
mode = "a" if append_content else "w"
|
|
||||||
with sp.open(mode, encoding="utf-8") as f:
|
|
||||||
f.write(md_clean)
|
|
||||||
return True
|
|
||||||
|
|
||||||
|
|
||||||
def md_heading(text: str, level: int = 2) -> str:
|
|
||||||
"""Generate a Markdown heading string with the given level (1-6)."""
|
|
||||||
return f"{'#' * max(1, min(level, 6))} {text}\n"
|
|
||||||
|
|
||||||
|
|
||||||
def md_details(summary: str, content: str) -> str:
|
|
||||||
"""Generate a collapsible <details> block with a summary and inner content."""
|
|
||||||
return f"<details>\n<summary>{summary}</summary>\n\n{content}\n\n</details>\n"
|
|
||||||
|
|
||||||
|
|
||||||
def summarize_content_from_file(
|
|
||||||
output_dir: Path,
|
|
||||||
freeze_file: str,
|
|
||||||
title: str = "Content from file",
|
|
||||||
code_lang: str = "", # e.g. "text" or "ini"
|
|
||||||
) -> bool:
|
|
||||||
f = Path(output_dir) / freeze_file
|
|
||||||
if not f.exists():
|
|
||||||
return False
|
|
||||||
content = f.read_text(encoding="utf-8").strip()
|
|
||||||
md = render_content(content, title=title, lang=code_lang)
|
|
||||||
return write_gh_step_summary(md)
|
|
||||||
|
|
||||||
|
|
||||||
def summarize_wheels(path: Path, title: str = "Wheels", max_depth: int = 3):
|
|
||||||
items = get_wheels(path, max_depth=max_depth)
|
|
||||||
if not items:
|
|
||||||
return False
|
|
||||||
md = render_list(items, title=title)
|
|
||||||
return write_gh_step_summary(md)
|
|
||||||
|
|
||||||
|
|
||||||
def md_kv_table(rows: Iterable[Mapping[str, str | int | float]]) -> str:
|
|
||||||
"""
|
|
||||||
Render a list of dicts as a Markdown table using Jinja template.
|
|
||||||
"""
|
|
||||||
rows = list(rows)
|
|
||||||
cols = list({k for r in rows for k in r.keys()})
|
|
||||||
md = _TPL_TABLE.render(cols=cols, rows=rows).strip() + "\n"
|
|
||||||
return md
|
|
||||||
|
|
||||||
|
|
||||||
def render_list(
|
|
||||||
items: Iterable[str],
|
|
||||||
*,
|
|
||||||
title: str = "List",
|
|
||||||
) -> str:
|
|
||||||
tpl = _TPL_LIST_ITEMS
|
|
||||||
md = tpl.render(title=title, items=items)
|
|
||||||
return md
|
|
||||||
|
|
||||||
|
|
||||||
def render_content(
|
|
||||||
content: str,
|
|
||||||
*,
|
|
||||||
title: str = "Content",
|
|
||||||
lang: str = "text",
|
|
||||||
) -> str:
|
|
||||||
tpl = _TPL_CONTENT
|
|
||||||
md = tpl.render(title=title, content=content, lang=lang)
|
|
||||||
return md
|
|
@ -1,69 +0,0 @@
|
|||||||
"""
|
|
||||||
Git Utility helpers for CLI tasks.
|
|
||||||
"""
|
|
||||||
|
|
||||||
import logging
|
|
||||||
from pathlib import Path
|
|
||||||
|
|
||||||
from cli.lib.common.path_helper import remove_dir
|
|
||||||
from git import GitCommandError, RemoteProgress, Repo
|
|
||||||
|
|
||||||
|
|
||||||
logger = logging.getLogger(__name__)
|
|
||||||
|
|
||||||
|
|
||||||
class PrintProgress(RemoteProgress):
|
|
||||||
"""Simple progress logger for git operations."""
|
|
||||||
|
|
||||||
def __init__(self, interval: int = 5):
|
|
||||||
super().__init__()
|
|
||||||
self._last_percent = -1
|
|
||||||
self._interval = interval
|
|
||||||
|
|
||||||
def update(self, op_code, cur, max=None, message=""):
|
|
||||||
msg = self._cur_line or message
|
|
||||||
if max and cur:
|
|
||||||
percent = int(cur / max * 100)
|
|
||||||
if percent != self._last_percent and percent % self._interval == 0:
|
|
||||||
self._last_percent = percent
|
|
||||||
logger.info("Progress: %d%% - %s", percent, msg)
|
|
||||||
elif msg:
|
|
||||||
logger.info(msg)
|
|
||||||
|
|
||||||
|
|
||||||
def clone_external_repo(target: str, repo: str, dst: str = "", update_submodules=False):
|
|
||||||
"""Clone repository with pinned commit and optional submodules."""
|
|
||||||
dst = dst or target
|
|
||||||
|
|
||||||
try:
|
|
||||||
logger.info("Cloning %s to %s", target, dst)
|
|
||||||
|
|
||||||
# Clone and fetch
|
|
||||||
remove_dir(dst)
|
|
||||||
r = Repo.clone_from(repo, dst, progress=PrintProgress())
|
|
||||||
r.git.fetch("--all", "--tags")
|
|
||||||
|
|
||||||
# Checkout pinned commit
|
|
||||||
commit = get_post_build_pinned_commit(target)
|
|
||||||
logger.info("Checking out pinned %s commit %s", target, commit)
|
|
||||||
r.git.checkout(commit)
|
|
||||||
|
|
||||||
# Update submodules if requested
|
|
||||||
if update_submodules and r.submodules:
|
|
||||||
logger.info("Updating %d submodule(s)", len(r.submodules))
|
|
||||||
for sm in r.submodules:
|
|
||||||
sm.update(init=True, recursive=True, progress=PrintProgress())
|
|
||||||
|
|
||||||
logger.info("Successfully cloned %s", target)
|
|
||||||
return r, commit
|
|
||||||
|
|
||||||
except GitCommandError as e:
|
|
||||||
logger.error("Git operation failed: %s", e)
|
|
||||||
raise
|
|
||||||
|
|
||||||
|
|
||||||
def get_post_build_pinned_commit(name: str, prefix=".github/ci_commit_pins") -> str:
|
|
||||||
path = Path(prefix) / f"{name}.txt"
|
|
||||||
if not path.exists():
|
|
||||||
raise FileNotFoundError(f"Pin file not found: {path}")
|
|
||||||
return path.read_text(encoding="utf-8").strip()
|
|
@ -1,14 +0,0 @@
|
|||||||
"""
|
|
||||||
Logger Utility helpers for CLI tasks.
|
|
||||||
"""
|
|
||||||
|
|
||||||
import logging
|
|
||||||
import sys
|
|
||||||
|
|
||||||
|
|
||||||
def setup_logging(level: int = logging.INFO):
|
|
||||||
logging.basicConfig(
|
|
||||||
level=level,
|
|
||||||
format="%(asctime)s [%(levelname)s] %(name)s: %(message)s",
|
|
||||||
stream=sys.stdout,
|
|
||||||
)
|
|
@ -1,62 +0,0 @@
|
|||||||
"""Path utility helpers for CLI tasks."""
|
|
||||||
|
|
||||||
import logging
|
|
||||||
import shutil
|
|
||||||
from pathlib import Path
|
|
||||||
from typing import Union
|
|
||||||
|
|
||||||
|
|
||||||
logger = logging.getLogger(__name__)
|
|
||||||
|
|
||||||
|
|
||||||
def get_path(path: Union[str, Path], resolve: bool = False) -> Path:
|
|
||||||
"""Convert to Path object, optionally resolving to absolute path."""
|
|
||||||
if not path:
|
|
||||||
raise ValueError("Path cannot be None or empty")
|
|
||||||
result = Path(path)
|
|
||||||
return result.resolve() if resolve else result
|
|
||||||
|
|
||||||
|
|
||||||
def ensure_dir_exists(path: Union[str, Path]) -> Path:
|
|
||||||
"""Create directory if it doesn't exist."""
|
|
||||||
path_obj = get_path(path)
|
|
||||||
path_obj.mkdir(parents=True, exist_ok=True)
|
|
||||||
return path_obj
|
|
||||||
|
|
||||||
|
|
||||||
def remove_dir(path: Union[str, Path, None]) -> None:
|
|
||||||
"""Remove directory if it exists."""
|
|
||||||
if not path:
|
|
||||||
return
|
|
||||||
path_obj = get_path(path)
|
|
||||||
if path_obj.exists():
|
|
||||||
shutil.rmtree(path_obj)
|
|
||||||
|
|
||||||
|
|
||||||
def force_create_dir(path: Union[str, Path]) -> Path:
|
|
||||||
"""Remove directory if exists, then create fresh empty directory."""
|
|
||||||
remove_dir(path)
|
|
||||||
return ensure_dir_exists(path)
|
|
||||||
|
|
||||||
|
|
||||||
def copy(src: Union[str, Path], dst: Union[str, Path]) -> None:
|
|
||||||
"""Copy file or directory from src to dst."""
|
|
||||||
src_path = get_path(src, resolve=True)
|
|
||||||
dst_path = get_path(dst, resolve=True)
|
|
||||||
|
|
||||||
if not src_path.exists():
|
|
||||||
raise FileNotFoundError(f"Source does not exist: {src_path}")
|
|
||||||
|
|
||||||
dst_path.parent.mkdir(parents=True, exist_ok=True)
|
|
||||||
|
|
||||||
if src_path.is_file():
|
|
||||||
shutil.copy2(src_path, dst_path)
|
|
||||||
elif src_path.is_dir():
|
|
||||||
shutil.copytree(src_path, dst_path, dirs_exist_ok=True)
|
|
||||||
else:
|
|
||||||
raise ValueError(f"Unsupported path type: {src_path}")
|
|
||||||
|
|
||||||
|
|
||||||
def is_path_exist(path: Union[str, Path, None]) -> bool:
|
|
||||||
"""Check if path exists."""
|
|
||||||
return bool(path and get_path(path).exists())
|
|
Some files were not shown because too many files have changed in this diff Show More
Reference in New Issue
Block a user