Compare commits
6 Commits
docs/5.7.1
...
roc-5.5.x
| Author | SHA1 | Date | |
|---|---|---|---|
|
|
7719c17b67 | ||
|
|
e38b691463 | ||
|
|
34e710962a | ||
|
|
e9ddeba3d4 | ||
|
|
e0c3362d44 | ||
|
|
41b6d1ee3f |
2
.github/CODEOWNERS
vendored
@@ -1 +1 @@
|
||||
* @saadrahim @Rmalavally @amd-aakash @zhang2amd @jlgreathouse @samjwu @MathiasMagnus
|
||||
* @saadrahim @Rmalavally @amd-aakash @zhang2amd @jlgreathouse @samjwu
|
||||
|
||||
76
.github/ISSUE_TEMPLATE/0_issue_report.yml
vendored
@@ -1,76 +0,0 @@
|
||||
name: Issue Report
|
||||
description: File a report for something not working correctly.
|
||||
title: "[Issue]: "
|
||||
|
||||
body:
|
||||
- type: markdown
|
||||
attributes:
|
||||
value: |
|
||||
Thank you for taking the time to fill out this report!
|
||||
|
||||
On a Linux system, you can acquire your OS, CPU, GPU, and ROCm version (for filling out this report) with the following commands:
|
||||
echo "OS:" && cat /etc/os-release | grep -E "^(NAME=|VERSION=)";
|
||||
echo "CPU: " && cat /proc/cpuinfo | grep "model name" | sort --unique;
|
||||
echo "GPU:" && /opt/rocm/bin/rocminfo | grep -E "^\s*(Name|Marketing Name)";
|
||||
echo "ROCm in /opt:" && ls -1 /opt | grep -E "rocm-";
|
||||
- type: textarea
|
||||
attributes:
|
||||
label: Problem Description
|
||||
description: Describe the issue you encountered.
|
||||
placeholder: "The steps to reproduce can be included here, or in the dedicated section further below."
|
||||
validations:
|
||||
required: true
|
||||
- type: input
|
||||
attributes:
|
||||
label: Operating System
|
||||
description: What is the name and version number of the OS?
|
||||
placeholder: "e.g. Ubuntu 22.04.3 LTS (Jammy Jellyfish)"
|
||||
validations:
|
||||
required: true
|
||||
- type: input
|
||||
attributes:
|
||||
label: CPU
|
||||
description: What CPU did you encounter the issue on?
|
||||
placeholder: "e.g. AMD Ryzen 9 5900HX with Radeon Graphics"
|
||||
validations:
|
||||
required: true
|
||||
- type: input
|
||||
attributes:
|
||||
label: GPU
|
||||
description: What GPU(s) did you encounter the issue on?
|
||||
placeholder: "e.g. MI200"
|
||||
validations:
|
||||
required: true
|
||||
- type: input
|
||||
attributes:
|
||||
label: ROCm Version
|
||||
description: What version(s) of ROCm did you encounter the issue on?
|
||||
placeholder: "e.g. 5.7.0"
|
||||
validations:
|
||||
required: true
|
||||
- type: input
|
||||
attributes:
|
||||
label: ROCm Component
|
||||
description: (Optional) If this issue relates to a specific ROCm component, it can be mentioned here.
|
||||
placeholder: "e.g. rocBLAS"
|
||||
|
||||
- type: textarea
|
||||
attributes:
|
||||
label: Steps to Reproduce
|
||||
description: (Optional) Detailed steps to reproduce the issue.
|
||||
placeholder: Please also include what you expected to happen, and what actually did, at the failing step(s).
|
||||
validations:
|
||||
required: false
|
||||
|
||||
- type: textarea
|
||||
attributes:
|
||||
label: Output of /opt/rocm/bin/rocminfo --support
|
||||
description: The output of rocminfo --support will help to better address the problem.
|
||||
placeholder: |
|
||||
ROCk module is loaded
|
||||
=====================
|
||||
HSA System Attributes
|
||||
=====================
|
||||
[...]
|
||||
validations:
|
||||
required: true
|
||||
32
.github/ISSUE_TEMPLATE/1_feature_request.yml
vendored
@@ -1,32 +0,0 @@
|
||||
name: Feature Suggestion
|
||||
description: Suggest an additional functionality, or new way of handling an existing functionality.
|
||||
title: "[Feature]: "
|
||||
|
||||
body:
|
||||
- type: markdown
|
||||
attributes:
|
||||
value: |
|
||||
Thank you for taking the time to make a suggestion!
|
||||
|
||||
- type: textarea
|
||||
attributes:
|
||||
label: Suggestion Description
|
||||
description: Describe your suggestion.
|
||||
validations:
|
||||
required: true
|
||||
- type: input
|
||||
attributes:
|
||||
label: Operating System
|
||||
description: (Optional) If this is for a specific OS, you can mention it here.
|
||||
placeholder: "e.g. Ubuntu"
|
||||
- type: input
|
||||
attributes:
|
||||
label: GPU
|
||||
description: (Optional) If this is for a specific GPU or GPU family, you can mention it here.
|
||||
placeholder: "e.g. MI200"
|
||||
- type: input
|
||||
attributes:
|
||||
label: ROCm Component
|
||||
description: (Optional) If this issue relates to a specific ROCm component, it can be mentioned here.
|
||||
placeholder: "e.g. rocBLAS"
|
||||
|
||||
5
.github/ISSUE_TEMPLATE/config.yml
vendored
@@ -1,5 +0,0 @@
|
||||
blank_issues_enabled: false
|
||||
contact_links:
|
||||
- name: ROCm Community Discussions
|
||||
url: https://github.com/RadeonOpenCompute/ROCm/discussions
|
||||
about: Please ask and answer questions here for anything ROCm.
|
||||
50
.github/workflows/linting.yml
vendored
@@ -5,16 +5,52 @@ on:
|
||||
branches:
|
||||
- develop
|
||||
- main
|
||||
- 'docs/*'
|
||||
- 'roc**'
|
||||
pull_request:
|
||||
branches:
|
||||
- develop
|
||||
- main
|
||||
- 'docs/*'
|
||||
- 'roc**'
|
||||
|
||||
concurrency:
|
||||
group: ${{ github.ref }}-${{ github.workflow }}
|
||||
cancel-in-progress: true
|
||||
|
||||
jobs:
|
||||
call-workflow-passing-data:
|
||||
name: Documentation
|
||||
uses: RadeonOpenCompute/rocm-docs-core/.github/workflows/linting.yml@develop
|
||||
lint-rest:
|
||||
name: "RestructuredText"
|
||||
runs-on: ubuntu-latest
|
||||
steps:
|
||||
- name: Checkout code
|
||||
uses: actions/checkout@v3
|
||||
- name: Install rst-lint
|
||||
run: pip install restructuredtext-lint
|
||||
- name: Lint ResT files
|
||||
run: rst-lint ${{ join(github.workspace, '/docs') }}
|
||||
|
||||
lint-md:
|
||||
name: "Markdown"
|
||||
runs-on: ubuntu-latest
|
||||
steps:
|
||||
- name: Checkout code
|
||||
uses: actions/checkout@v3
|
||||
- name: Use markdownlint
|
||||
uses: actionshub/markdownlint@v3.1.3
|
||||
with:
|
||||
filesToIgnoreRegex: CHANGELOG.md|(docs\/)?(RELEASE|release).md|tools\/autotag\/templates\/.
|
||||
|
||||
spelling:
|
||||
name: "Spelling"
|
||||
runs-on: ubuntu-latest
|
||||
steps:
|
||||
- name: Checkout code
|
||||
uses: actions/checkout@v3
|
||||
- name: Fetch config
|
||||
shell: sh
|
||||
run: |
|
||||
curl --silent --show-error --fail --location https://raw.github.com/RadeonOpenCompute/rocm-docs-core/develop/.spellcheck.yaml -O
|
||||
curl --silent --show-error --fail --location https://raw.github.com/RadeonOpenCompute/rocm-docs-core/develop/.wordlist.txt >> .wordlist.txt
|
||||
- name: Run spellcheck
|
||||
uses: rojopolis/spellcheck-github-actions@0.30.0
|
||||
- name: On fail
|
||||
if: failure()
|
||||
run: |
|
||||
echo "Please check for spelling mistakes or add them to '.wordlist.txt' in either the root of this project or in rocm-docs-core."
|
||||
|
||||
6
.gitignore
vendored
@@ -15,9 +15,3 @@ _readthedocs/
|
||||
# avoid duplicating contributing.md due to conf.py
|
||||
docs/contributing.md
|
||||
docs/release.md
|
||||
docs/CHANGELOG.md
|
||||
|
||||
# auto-generated files
|
||||
docs/deploy/linux/installer/install.md
|
||||
docs/deploy/linux/os-native/install.md
|
||||
docs/deploy/linux/quick_start.md
|
||||
|
||||
@@ -1,14 +0,0 @@
|
||||
config:
|
||||
default: true
|
||||
MD013: false
|
||||
MD026:
|
||||
punctuation: '.,;:!'
|
||||
MD029:
|
||||
style: ordered
|
||||
MD033: false
|
||||
MD034: false
|
||||
MD041: false
|
||||
ignores:
|
||||
- CHANGELOG.md
|
||||
- "{,docs/}{RELEASE,release}.md"
|
||||
- tools/autotag/templates/**/*.md
|
||||
@@ -3,19 +3,12 @@
|
||||
|
||||
version: 2
|
||||
|
||||
build:
|
||||
os: ubuntu-22.04
|
||||
tools:
|
||||
python: "3.10"
|
||||
apt_packages:
|
||||
- "doxygen"
|
||||
- "graphviz" # For dot graphs in doxygen
|
||||
|
||||
python:
|
||||
install:
|
||||
- requirements: docs/sphinx/requirements.txt
|
||||
|
||||
sphinx:
|
||||
configuration: docs/conf.py
|
||||
|
||||
formats: []
|
||||
formats: [htmlzip, pdf, epub]
|
||||
|
||||
python:
|
||||
version: "3.8"
|
||||
install:
|
||||
- requirements: docs/sphinx/requirements.txt
|
||||
|
||||
681
.wordlist.txt
@@ -1,686 +1,29 @@
|
||||
AAC
|
||||
# isv_deployment_win
|
||||
ABI
|
||||
ACE
|
||||
ACEs
|
||||
AccVGPR
|
||||
AccVGPRs
|
||||
ALU
|
||||
AMD
|
||||
AMDGPU
|
||||
AMDGPUs
|
||||
AMDMIGraphX
|
||||
AMI
|
||||
AOCC
|
||||
AOMP
|
||||
APIC
|
||||
APIs
|
||||
APU
|
||||
ASIC
|
||||
ASICs
|
||||
ASan
|
||||
ASm
|
||||
ATI
|
||||
AddressSanitizer
|
||||
AlexNet
|
||||
Arb
|
||||
BLAS
|
||||
BMC
|
||||
BitCode
|
||||
Blit
|
||||
Bluefield
|
||||
CCD
|
||||
CDNA
|
||||
CIFAR
|
||||
CLI
|
||||
CLion
|
||||
CMake
|
||||
CMakeLists
|
||||
CMakePackage
|
||||
CP
|
||||
CPC
|
||||
CPF
|
||||
CPP
|
||||
CPU
|
||||
CPUs
|
||||
CSC
|
||||
CSE
|
||||
CSV
|
||||
CSn
|
||||
CTests
|
||||
CU
|
||||
CUDA
|
||||
CUs
|
||||
CXX
|
||||
Cavium
|
||||
CentOS
|
||||
ChatGPT
|
||||
CoRR
|
||||
Codespaces
|
||||
Commitizen
|
||||
CommonMark
|
||||
Concretized
|
||||
Conda
|
||||
ConnectX
|
||||
DGEMM
|
||||
DKMS
|
||||
DL
|
||||
# gpu_aware_mpi
|
||||
DMA
|
||||
DNN
|
||||
DNNL
|
||||
DPM
|
||||
DRI
|
||||
DW
|
||||
DWORD
|
||||
Dask
|
||||
DataFrame
|
||||
DataLoader
|
||||
DataParallel
|
||||
DeepSpeed
|
||||
Dependabot
|
||||
DevCap
|
||||
Dockerfile
|
||||
Doxygen
|
||||
ELMo
|
||||
ENDPGM
|
||||
EPYC
|
||||
ESXi
|
||||
FFT
|
||||
FFTs
|
||||
FFmpeg
|
||||
FHS
|
||||
FMA
|
||||
FP
|
||||
Filesystem
|
||||
Flang
|
||||
Fortran
|
||||
Fuyu
|
||||
GALB
|
||||
GCD
|
||||
GCDs
|
||||
GCN
|
||||
GDB
|
||||
GDDR
|
||||
GDR
|
||||
GDS
|
||||
GEMM
|
||||
GEMMs
|
||||
GFortran
|
||||
GiB
|
||||
GIM
|
||||
GL
|
||||
GLXT
|
||||
GMI
|
||||
GPG
|
||||
GPR
|
||||
GPT
|
||||
GPU
|
||||
GPU's
|
||||
GPUs
|
||||
GRBM
|
||||
GenAI
|
||||
GenZ
|
||||
GitHub
|
||||
Gitpod
|
||||
HBM
|
||||
HCA
|
||||
HIPCC
|
||||
HIPExtension
|
||||
HIPIFY
|
||||
HPC
|
||||
HPCG
|
||||
HPE
|
||||
HPL
|
||||
HSA
|
||||
HWE
|
||||
Haswell
|
||||
Higgs
|
||||
Hyperparameters
|
||||
ICV
|
||||
IDE
|
||||
IDEs
|
||||
IMDb
|
||||
IOMMU
|
||||
IOP
|
||||
IOPM
|
||||
IOV
|
||||
IRQ
|
||||
ISA
|
||||
ISV
|
||||
ISVs
|
||||
ImageNet
|
||||
InfiniBand
|
||||
Inlines
|
||||
IntelliSense
|
||||
Intersphinx
|
||||
Intra
|
||||
Ioffe
|
||||
JSON
|
||||
Jupyter
|
||||
KFD
|
||||
KiB
|
||||
KVM
|
||||
Keras
|
||||
Khronos
|
||||
LAPACK
|
||||
LCLK
|
||||
LDS
|
||||
LLM
|
||||
LLMs
|
||||
LLVM
|
||||
LM
|
||||
LSAN
|
||||
LTS
|
||||
LoRA
|
||||
MEM
|
||||
MERCHANTABILITY
|
||||
MFMA
|
||||
MiB
|
||||
MIGraphX
|
||||
MIOpen
|
||||
MIOpenGEMM
|
||||
MIVisionX
|
||||
MLM
|
||||
MMA
|
||||
MMIO
|
||||
MMIOH
|
||||
MNIST
|
||||
MPI
|
||||
MSVC
|
||||
MVAPICH
|
||||
MVFFR
|
||||
Makefile
|
||||
Makefiles
|
||||
Matplotlib
|
||||
Megatron
|
||||
Mellanox
|
||||
Mellanox's
|
||||
Meta's
|
||||
MirroredStrategy
|
||||
Multicore
|
||||
Multithreaded
|
||||
MyEnvironment
|
||||
MyST
|
||||
NBIO
|
||||
NBIOs
|
||||
NIC
|
||||
NICs
|
||||
NLI
|
||||
NLP
|
||||
NPS
|
||||
NSP
|
||||
NUMA
|
||||
NVCC
|
||||
NVIDIA
|
||||
NVPTX
|
||||
NaN
|
||||
Nano
|
||||
Navi
|
||||
Noncoherently
|
||||
NousResearch's
|
||||
NumPy
|
||||
OAM
|
||||
OAMs
|
||||
OCP
|
||||
OEM
|
||||
OFED
|
||||
OMP
|
||||
OMPI
|
||||
OMPT
|
||||
OMPX
|
||||
ONNX
|
||||
OSS
|
||||
OSU
|
||||
OpenCL
|
||||
OpenCV
|
||||
OpenFabrics
|
||||
OpenGL
|
||||
OpenMP
|
||||
OpenSSL
|
||||
OpenVX
|
||||
PCI
|
||||
PCIe
|
||||
PEFT
|
||||
PIL
|
||||
PILImage
|
||||
PRNG
|
||||
PRs
|
||||
PaLM
|
||||
Pageable
|
||||
PeerDirect
|
||||
Perfetto
|
||||
PipelineParallel
|
||||
PnP
|
||||
PowerShell
|
||||
PyPi
|
||||
PyTorch
|
||||
Qcycles
|
||||
RAII
|
||||
RCCL
|
||||
RDC
|
||||
RDMA
|
||||
RDNA
|
||||
RHEL
|
||||
ROC
|
||||
ROCProfiler
|
||||
ROCTracer
|
||||
ROCclr
|
||||
ROCdbgapi
|
||||
ROCgdb
|
||||
ROCk
|
||||
ROCm
|
||||
ROCmCC
|
||||
ROCmSoftwarePlatform
|
||||
ROCmValidationSuite
|
||||
ROCr
|
||||
RST
|
||||
RW
|
||||
Radeon
|
||||
RelWithDebInfo
|
||||
Req
|
||||
Rickle
|
||||
RoCE
|
||||
Ryzen
|
||||
SALU
|
||||
SBIOS
|
||||
SCA
|
||||
SDK
|
||||
SDMA
|
||||
SDRAM
|
||||
SENDMSG
|
||||
SGPR
|
||||
SGPRs
|
||||
SHA
|
||||
SIGQUIT
|
||||
SIMD
|
||||
SIMDs
|
||||
SKU
|
||||
SKUs
|
||||
SLES
|
||||
SMEM
|
||||
SMI
|
||||
SMT
|
||||
SPI
|
||||
SQs
|
||||
SRAM
|
||||
SRAMECC
|
||||
SVD
|
||||
SWE
|
||||
SerDes
|
||||
Shlens
|
||||
Skylake
|
||||
Softmax
|
||||
Spack
|
||||
Supermicro
|
||||
Szegedy
|
||||
TCA
|
||||
TCC
|
||||
TCI
|
||||
TCIU
|
||||
TCP
|
||||
TCR
|
||||
TF
|
||||
TFLOPS
|
||||
TPU
|
||||
TPUs
|
||||
TensorBoard
|
||||
TensorFlow
|
||||
TensorParallel
|
||||
ToC
|
||||
TorchAudio
|
||||
TorchMIGraphX
|
||||
TorchScript
|
||||
TorchServe
|
||||
TorchVision
|
||||
TransferBench
|
||||
TrapStatus
|
||||
UAC
|
||||
UC
|
||||
UCC
|
||||
UCX
|
||||
UIF
|
||||
USM
|
||||
UTCL
|
||||
UTIL
|
||||
Uncached
|
||||
Unhandled
|
||||
VALU
|
||||
VBIOS
|
||||
VGPR
|
||||
VGPRs
|
||||
VM
|
||||
VMEM
|
||||
VMWare
|
||||
VRAM
|
||||
VSIX
|
||||
VSkipped
|
||||
Vanhoucke
|
||||
Vulkan
|
||||
WGP
|
||||
WGPs
|
||||
WX
|
||||
WikiText
|
||||
Wojna
|
||||
Workgroups
|
||||
Writebacks
|
||||
XCD
|
||||
XCDs
|
||||
XGBoost
|
||||
XGBoost's
|
||||
XGMI
|
||||
XT
|
||||
XTX
|
||||
Xeon
|
||||
Xilinx
|
||||
Xnack
|
||||
Xteam
|
||||
YAML
|
||||
YML
|
||||
YModel
|
||||
ZeRO
|
||||
ZenDNN
|
||||
accuracies
|
||||
activations
|
||||
addr
|
||||
alloc
|
||||
allocator
|
||||
allocators
|
||||
amdgpu
|
||||
api
|
||||
atmi
|
||||
atomics
|
||||
autogenerated
|
||||
avx
|
||||
awk
|
||||
backend
|
||||
ib_core
|
||||
# linear algebra
|
||||
LAPACK
|
||||
MMA
|
||||
backends
|
||||
benchmarking
|
||||
bfloat
|
||||
bilinear
|
||||
bitsandbytes
|
||||
blit
|
||||
boson
|
||||
bosons
|
||||
buildable
|
||||
bursty
|
||||
bzip
|
||||
cacheable
|
||||
cd
|
||||
centos
|
||||
centric
|
||||
changelog
|
||||
chiplet
|
||||
cmake
|
||||
cmd
|
||||
coalescable
|
||||
codename
|
||||
collater
|
||||
comgr
|
||||
completers
|
||||
composable
|
||||
concretization
|
||||
config
|
||||
conformant
|
||||
convolutional
|
||||
convolves
|
||||
cpp
|
||||
csn
|
||||
cuBLAS
|
||||
cuFFT
|
||||
cuLIB
|
||||
cuRAND
|
||||
cuSOLVER
|
||||
cuSPARSE
|
||||
dataset
|
||||
datasets
|
||||
dataspace
|
||||
datatype
|
||||
datatypes
|
||||
dbgapi
|
||||
de
|
||||
deallocation
|
||||
denoise
|
||||
denoised
|
||||
denoises
|
||||
denormalize
|
||||
deserializers
|
||||
detections
|
||||
dev
|
||||
devicelibs
|
||||
devsel
|
||||
dimensionality
|
||||
disambiguates
|
||||
distro
|
||||
el
|
||||
embeddings
|
||||
enablement
|
||||
endpgm
|
||||
encodings
|
||||
env
|
||||
epilog
|
||||
etcetera
|
||||
ethernet
|
||||
exascale
|
||||
executables
|
||||
ffmpeg
|
||||
filesystem
|
||||
fortran
|
||||
galb
|
||||
gcc
|
||||
gdb
|
||||
gfortran
|
||||
gfx
|
||||
githooks
|
||||
github
|
||||
gnupg
|
||||
grayscale
|
||||
gzip
|
||||
heterogenous
|
||||
hipBLAS
|
||||
hipBLASLt
|
||||
hipCUB
|
||||
hipFFT
|
||||
hipLIB
|
||||
hipRAND
|
||||
hipSOLVER
|
||||
hipSPARSE
|
||||
hipSPARSELt
|
||||
hipTensor
|
||||
hipamd
|
||||
hipblas
|
||||
hipcub
|
||||
hipfft
|
||||
hipfort
|
||||
hipify
|
||||
hipsolver
|
||||
hipsparse
|
||||
hpp
|
||||
hsa
|
||||
hsakmt
|
||||
hyperparameter
|
||||
ib_core
|
||||
inband
|
||||
incrementing
|
||||
inferencing
|
||||
inflight
|
||||
init
|
||||
initializer
|
||||
inlining
|
||||
installable
|
||||
interprocedural
|
||||
intra
|
||||
invariants
|
||||
invocating
|
||||
ipo
|
||||
kdb
|
||||
latencies
|
||||
libfabric
|
||||
libjpeg
|
||||
libs
|
||||
linearized
|
||||
linter
|
||||
linux
|
||||
llvm
|
||||
localscratch
|
||||
logits
|
||||
lossy
|
||||
macOS
|
||||
matchers
|
||||
microarchitecture
|
||||
migraphx
|
||||
miopen
|
||||
miopengemm
|
||||
mivisionx
|
||||
mkdir
|
||||
mlirmiopen
|
||||
mtypes
|
||||
mvffr
|
||||
namespace
|
||||
namespaces
|
||||
numref
|
||||
ocl
|
||||
opencl
|
||||
opencv
|
||||
openmp
|
||||
openssl
|
||||
optimizers
|
||||
os
|
||||
pageable
|
||||
parallelization
|
||||
parameterization
|
||||
passthrough
|
||||
perfcounter
|
||||
performant
|
||||
perl
|
||||
pragma
|
||||
pre
|
||||
prebuilt
|
||||
precompiled
|
||||
prefetch
|
||||
prefetchable
|
||||
preprocess
|
||||
preprocessed
|
||||
preprocessing
|
||||
prequantized
|
||||
prerequisites
|
||||
profiler
|
||||
protobuf
|
||||
pseudorandom
|
||||
py
|
||||
quasirandom
|
||||
queueing
|
||||
rccl
|
||||
rdc
|
||||
reStructuredText
|
||||
reformats
|
||||
repos
|
||||
representativeness
|
||||
req
|
||||
resampling
|
||||
rescaling
|
||||
reusability
|
||||
roadmap
|
||||
roc
|
||||
rocAL
|
||||
rocALUTION
|
||||
rocBLAS
|
||||
rocFFT
|
||||
rocLIB
|
||||
rocMLIR
|
||||
rocPRIM
|
||||
rocRAND
|
||||
rocSOLVER
|
||||
rocSPARSE
|
||||
rocThrust
|
||||
rocWMMA
|
||||
rocalution
|
||||
rocblas
|
||||
rocclr
|
||||
rocfft
|
||||
rocm
|
||||
rocminfo
|
||||
rocprim
|
||||
rocprof
|
||||
rocprofiler
|
||||
rocr
|
||||
rocrand
|
||||
rocsolver
|
||||
rocsparse
|
||||
rocthrust
|
||||
roctracer
|
||||
runtime
|
||||
runtimes
|
||||
sL
|
||||
scalability
|
||||
scalable
|
||||
sendmsg
|
||||
serializers
|
||||
shader
|
||||
sharding
|
||||
sigmoid
|
||||
sm
|
||||
smi
|
||||
softmax
|
||||
spack
|
||||
src
|
||||
stochastically
|
||||
strided
|
||||
subdirectory
|
||||
subexpression
|
||||
subfolder
|
||||
subfolders
|
||||
supercomputing
|
||||
tensorfloat
|
||||
th
|
||||
tokenization
|
||||
tokenize
|
||||
tokenized
|
||||
tokenizer
|
||||
tokenizes
|
||||
toolchain
|
||||
toolchains
|
||||
toolset
|
||||
toolsets
|
||||
torchvision
|
||||
tqdm
|
||||
tracebacks
|
||||
txt
|
||||
uarch
|
||||
uncached
|
||||
uncorrectable
|
||||
uninstallation
|
||||
unsqueeze
|
||||
unstacking
|
||||
unswitching
|
||||
untrusted
|
||||
untuned
|
||||
upvote
|
||||
USM
|
||||
UTCL
|
||||
UTIL
|
||||
utils
|
||||
vL
|
||||
variational
|
||||
vdi
|
||||
vectorizable
|
||||
vectorization
|
||||
vectorize
|
||||
vectorized
|
||||
vectorizer
|
||||
vectorizes
|
||||
vjxb
|
||||
walkthrough
|
||||
walkthroughs
|
||||
wavefront
|
||||
wavefronts
|
||||
whitespaces
|
||||
workgroup
|
||||
workgroups
|
||||
writeback
|
||||
writebacks
|
||||
wrreq
|
||||
wzo
|
||||
xargs
|
||||
xz
|
||||
yaml
|
||||
ysvmadyb
|
||||
zypper
|
||||
# tuning_guides
|
||||
BMC
|
||||
DGEMM
|
||||
HPCG
|
||||
HPL
|
||||
IOPM
|
||||
|
||||
2036
CHANGELOG.md
237
CONTRIBUTING.md
@@ -2,7 +2,7 @@
|
||||
|
||||
AMD values and encourages the ROCm community to contribute to our code and
|
||||
documentation. This repository is focused on ROCm documentation and this
|
||||
contribution guide describes the recommended method for creating and modifying our
|
||||
contribution guide describes the recommend method for creating and modifying our
|
||||
documentation.
|
||||
|
||||
While interacting with ROCm Documentation, we encourage you to be polite and
|
||||
@@ -13,47 +13,59 @@ itself, refer to
|
||||
[discussions](https://github.com/RadeonOpenCompute/ROCm/discussions) on the
|
||||
GitHub repository.
|
||||
|
||||
For additional information on documentation functionalities,
|
||||
see the user and developer guides for rocm-docs-core
|
||||
at {doc}`rocm-docs-core documentation <rocm-docs-core:index>`.
|
||||
|
||||
## Supported Formats
|
||||
|
||||
Our documentation includes both Markdown and RST files. Markdown is encouraged
|
||||
over RST due to the lower barrier to participation. GitHub-flavored Markdown is preferred
|
||||
for all submissions as it renders accurately on our GitHub repositories. For existing documentation,
|
||||
[MyST](https://myst-parser.readthedocs.io/en/latest/intro.html) Markdown
|
||||
is used to implement certain features unsupported in GitHub Markdown. This is
|
||||
Our documentation includes both markdown and rst files. Markdown is encouraged
|
||||
over rst due to the lower barrier to participation. GitHub flavored markdown is preferred
|
||||
for all submissions as it will render accurately on our GitHub repositories. For existing documentation,
|
||||
[MyST](https://myst-parser.readthedocs.io/en/latest/intro.html) markdown
|
||||
is used to implement certain features unsupported in GitHub markdown. This is
|
||||
not encouraged for new documentation. AMD will transition
|
||||
to stricter use of GitHub-flavored Markdown with a few caveats. ROCm documentation
|
||||
also uses [Sphinx Design](https://sphinx-design.readthedocs.io/en/latest/index.html)
|
||||
in our Markdown and RST files. We also use Breathe syntax for Doxygen documentation
|
||||
in our Markdown files. See
|
||||
to stricter use of GitHub flavored markdown with a few caveats. ROCm documentation
|
||||
also uses [sphinx-design](https://sphinx-design.readthedocs.io/en/latest/index.html)
|
||||
in our markdown and rst files. We also will use breathe syntax for doxygen documentation
|
||||
in our markdown files. Other design elements for effective HTML rendering of the documents
|
||||
may be added to our markdown files. Please see
|
||||
[GitHub](https://docs.github.com/en/get-started/writing-on-github/getting-started-with-writing-and-formatting-on-github)'s
|
||||
guide on writing and formatting on GitHub as a starting point.
|
||||
|
||||
ROCm documentation adds additional requirements to Markdown and RST based files
|
||||
ROCm documentation adds additional requirements to markdown and rst based files
|
||||
as follows:
|
||||
|
||||
- Level one headers are only used for page titles. There must be only one level
|
||||
1 header per file for both Markdown and Restructured Text.
|
||||
- Pass [markdownlint](https://github.com/markdownlint/markdownlint) check via
|
||||
our automated GitHub action on a Pull Request (PR).
|
||||
See the {doc}`rocm-docs-core linting user guide <rocm-docs-core:user_guide/linting>` for more details.
|
||||
our automated github action on a Pull Request (PR).
|
||||
|
||||
## Filenames and folder structure
|
||||
|
||||
Please use snake case (all lower case letters and underscores instead of spaces)
|
||||
for file names. For example, `example_file_name.md`.
|
||||
Our documentation follows Pitchfork for folder structure.
|
||||
All documentation is in `/docs` except for special files like
|
||||
the contributing guide in the `/` folder. All images used in the documentation are
|
||||
placed in the `/docs/data` folder.
|
||||
Please use snake case for file names. Our documentation follows pitchfork for
|
||||
folder structure. All documentation is in /docs except for special files like
|
||||
the contributing guide in the / folder. All images used in the documentation are
|
||||
place in the /docs/data folder.
|
||||
|
||||
## How to provide feedback for for ROCm documentation
|
||||
|
||||
There are three standard ways to provide feedback for this repository.
|
||||
|
||||
### Pull Request
|
||||
|
||||
All contributions to ROCm documentation should arrive via the
|
||||
[GitHub Flow](https://docs.github.com/en/get-started/quickstart/github-flow)
|
||||
targetting the develop branch of the repository. If you are unable to contribute
|
||||
via the GitHub Flow, feel free to email us. TODO, confirm email address.
|
||||
|
||||
### GitHub Issue
|
||||
|
||||
Issues on existing or absent docs can be filed as [GitHub issues
|
||||
](https://github.com/RadeonOpenCompute/ROCm/issues).
|
||||
|
||||
### Email Feedback
|
||||
|
||||
## Language and Style
|
||||
|
||||
Adopt Microsoft CPP-Docs guidelines for
|
||||
[Voice and Tone](https://github.com/MicrosoftDocs/cpp-docs/blob/main/styleguide/voice-tone.md).
|
||||
Adopting Microsoft CPP-Docs guidelines for [Voice and Tone
|
||||
](https://github.com/MicrosoftDocs/cpp-docs/blob/main/styleguide/voice-tone.md).
|
||||
|
||||
ROCm documentation templates to be made public shortly. ROCm templates dictate
|
||||
the recommended structure and flow of the documentation. Guidelines on how to
|
||||
@@ -61,11 +73,174 @@ integrate figures, equations, and tables are all based off
|
||||
[MyST](https://myst-parser.readthedocs.io/en/latest/intro.html).
|
||||
|
||||
Font size and selection, page layout, white space control, and other formatting
|
||||
details are controlled via [rocm-docs-core](https://github.com/RadeonOpenCompute/rocm-docs-core).
|
||||
Raise issues in `rocm-docs-core` for any formatting concerns and changes requested.
|
||||
details are controlled via rocm-docs-core, sphinx extention. Please raise issues
|
||||
in rocm-docs-core for any formatting concerns and changes requested.
|
||||
|
||||
## More
|
||||
## Building Documentation
|
||||
|
||||
For more topics, such as submitting feedback and ways to build documentation,
|
||||
see the [Contributing Section](https://rocm.docs.amd.com/en/latest/contributing.html)
|
||||
at [rocm.docs.amd.com](https://rocm.docs.amd.com)
|
||||
While contributing, one may build the documentation locally on the command-line
|
||||
or rely on Continuous Integration for previewing the resulting HTML pages in a
|
||||
browser.
|
||||
|
||||
### Command line documentation builds
|
||||
|
||||
Python versions known to build documentation:
|
||||
|
||||
- 3.8
|
||||
|
||||
To build the docs locally using Python Virtual Environment (`venv`), execute the
|
||||
following commands from the project root:
|
||||
|
||||
```sh
|
||||
python3 -mvenv .venv
|
||||
# Windows
|
||||
.venv/Scripts/python -m pip install -r docs/sphinx/requirements.txt
|
||||
.venv/Scripts/python -m sphinx -T -E -b html -d _build/doctrees -D language=en docs _build/html
|
||||
# Linux
|
||||
.venv/bin/python -m pip install -r docs/sphinx/requirements.txt
|
||||
.venv/bin/python -m sphinx -T -E -b html -d _build/doctrees -D language=en docs _build/html
|
||||
```
|
||||
|
||||
Then open up `_build/html/index.html` in your favorite browser.
|
||||
|
||||
### Pull Requests documentation builds
|
||||
|
||||
When opening a PR to the `develop` branch on GitHub, the page corresponding to
|
||||
the PR (`https://github.com/RadeonOpenCompute/ROCm/pull/<pr_number>`) will have
|
||||
a summary at the bottom. This requires the user be logged in to GitHub.
|
||||
|
||||
- There, click `Show all checks` and `Details` of the Read the Docs pipeline. It
|
||||
will take you to `https://readthedocs.com/projects/advanced-micro-devices-rocm/
|
||||
builds/<some_build_num>/`
|
||||
- The list of commands shown are the exact ones used by CI to produce a render
|
||||
of the documentation.
|
||||
- There, click on the small blue link `View docs` (which is not the same as the
|
||||
bigger button with the same text). It will take you to the built HTML site with
|
||||
a URL of the form `https://
|
||||
advanced-micro-devices-demo--<pr_number>.com.readthedocs.build/projects/alpha/en
|
||||
/<pr_number>/`.
|
||||
|
||||
### Build the docs using VS Code
|
||||
|
||||
One can put together a productive environment to author documentation and also
|
||||
test it locally using VS Code with only a handful of extensions. Even though the
|
||||
extension landscape of VS Code is ever changing, here is one example setup that
|
||||
proved useful at the time of writing. In it, one can change/add content, build a
|
||||
new version of the docs using a single VS Code Task (or hotkey), see all errors/
|
||||
warnings emitted by Sphinx in the Problems pane and immediately see the
|
||||
resulting website show up on a locally serving web server.
|
||||
|
||||
#### Configuring VS Code
|
||||
|
||||
1. Install the following extensions:
|
||||
|
||||
- Python (ms-python.python)
|
||||
- Live Server (ritwickdey.LiveServer)
|
||||
|
||||
2. Add the following entries in `.vscode/settings.json`
|
||||
|
||||
```json
|
||||
{
|
||||
"liveServer.settings.root": "/.vscode/build/html",
|
||||
"liveServer.settings.wait": 1000,
|
||||
"python.terminal.activateEnvInCurrentTerminal": true
|
||||
}
|
||||
```
|
||||
|
||||
The settings in order are set for the following reasons:
|
||||
- Sets the root of the output website for live previews. Must be changed
|
||||
alongside the `tasks.json` command.
|
||||
- Tells live server to wait with the update to give time for Sphinx to
|
||||
regenerate site contents and not refresh before all is don. (Empirical value)
|
||||
- Automatic virtual env activation is a nice touch, should you want to build
|
||||
the site from the integrated terminal.
|
||||
|
||||
3. Add the following tasks in `.vscode/tasks.json`
|
||||
|
||||
```json
|
||||
{
|
||||
"version": "2.0.0",
|
||||
"tasks": [
|
||||
{
|
||||
"label": "Build Docs",
|
||||
"type": "process",
|
||||
"windows": {
|
||||
"command": "${workspaceFolder}/.venv/Scripts/python.exe"
|
||||
},
|
||||
"command": "${workspaceFolder}/.venv/bin/python3",
|
||||
"args": [
|
||||
"-m",
|
||||
"sphinx",
|
||||
"-j",
|
||||
"auto",
|
||||
"-T",
|
||||
"-b",
|
||||
"html",
|
||||
"-d",
|
||||
"${workspaceFolder}/.vscode/build/doctrees",
|
||||
"-D",
|
||||
"language=en",
|
||||
"${workspaceFolder}/docs",
|
||||
"${workspaceFolder}/.vscode/build/html"
|
||||
],
|
||||
"problemMatcher": [
|
||||
{
|
||||
"owner": "sphinx",
|
||||
"fileLocation": "absolute",
|
||||
"pattern": {
|
||||
"regexp": "^(?:.*\\.{3}\\s+)?(\\/[^:]*|[a-zA-Z]:\\\\[^:]*):(\\d+):\\s+(WARNING|ERROR):\\s+(.*)$",
|
||||
"file": 1,
|
||||
"line": 2,
|
||||
"severity": 3,
|
||||
"message": 4
|
||||
},
|
||||
},
|
||||
{
|
||||
"owner": "sphinx",
|
||||
"fileLocation": "absolute",
|
||||
"pattern": {
|
||||
"regexp": "^(?:.*\\.{3}\\s+)?(\\/[^:]*|[a-zA-Z]:\\\\[^:]*):{1,2}\\s+(WARNING|ERROR):\\s+(.*)$",
|
||||
"file": 1,
|
||||
"severity": 2,
|
||||
"message": 3
|
||||
}
|
||||
}
|
||||
],
|
||||
"group": {
|
||||
"kind": "build",
|
||||
"isDefault": true
|
||||
}
|
||||
},
|
||||
],
|
||||
}
|
||||
```
|
||||
|
||||
> (Implementation detail: two problem matchers were needed to be defined,
|
||||
> because VS Code doesn't tolerate some problem information being potentially
|
||||
> absent. While a single regex could match all types of errors, if a capture
|
||||
> group remains empty (the line number doesn't show up in all warning/error
|
||||
> messages) but the `pattern` references said empty capture group, VS Code
|
||||
> discards the message completely.)
|
||||
|
||||
4. Configure Python virtual environment (venv)
|
||||
|
||||
- From the Command Palette, run `Python: Create Environment`
|
||||
- Select `venv` environment and the `docs/sphinx/requirements.txt` file.
|
||||
_(Simply pressing enter while hovering over the file from the dropdown is
|
||||
insufficient, one has to select the radio button with the 'Space' key if
|
||||
using the keyboard.)_
|
||||
|
||||
5. Build the docs
|
||||
|
||||
- Launch the default build Task using either:
|
||||
- a hotkey _(default is 'Ctrl+Shift+B')_ or
|
||||
- by issuing the `Tasks: Run Build Task` from the Command Palette.
|
||||
|
||||
6. Open the live preview
|
||||
|
||||
- Navigate to the output of the site within VS Code, right-click on
|
||||
`.vscode/build/html/index.html` and select `Open with Live Server`. The
|
||||
contents should update on every rebuild without having to refresh the
|
||||
browser.
|
||||
|
||||
<!-- markdownlint-restore -->
|
||||
|
||||
63
README.md
@@ -1,40 +1,35 @@
|
||||
# AMD ROCm™ Platform
|
||||
# AMD ROCm™ Platform - Powering Your GPU Computational Needs
|
||||
|
||||
ROCm is an open-source stack, composed primarily of open-source software (OSS), designed for
|
||||
graphics processing unit (GPU) computation. ROCm consists of a collection of drivers, development
|
||||
tools, and APIs that enable GPU programming from low-level kernel to end-user applications.
|
||||
ROCm™ is an open-source stack for GPU computation. ROCm is primarily Open-Source
|
||||
Software (OSS) that allows developers the freedom to customize and tailor their
|
||||
GPU software for their own needs while collaborating with a community of other
|
||||
developers, and helping each other find solutions in an agile, flexible, rapid
|
||||
and secure manner.
|
||||
|
||||
With ROCm, you can customize your GPU software to meet your specific needs. You can develop,
|
||||
collaborate, test, and deploy your applications in a free, open-source, integrated, and secure software
|
||||
ecosystem. ROCm is particularly well-suited to GPU-accelerated high-performance computing (HPC),
|
||||
artificial intelligence (AI), scientific computing, and computer aided design (CAD).
|
||||
ROCm is a collection of drivers, development tools and APIs enabling GPU
|
||||
programming from the low-level kernel to end-user applications. ROCm is powered
|
||||
by AMD’s Heterogeneous-computing Interface for Portability (HIP), an OSS C++ GPU
|
||||
programming environment and its corresponding runtime. HIP allows ROCm
|
||||
developers to create portable applications on different platforms by deploying
|
||||
code on a range of platforms, from dedicated gaming GPUs to exascale HPC
|
||||
clusters. ROCm supports programming models such as OpenMP and OpenCL, and
|
||||
includes all the necessary OSS compilers, debuggers and libraries. ROCm is fully
|
||||
integrated into ML frameworks such as PyTorch and TensorFlow. ROCm can be
|
||||
deployed in many ways, including through the use of containers such as Docker,
|
||||
Spack, and your own build from source.
|
||||
|
||||
ROCm is powered by AMD’s
|
||||
[Heterogeneous-computing Interface for Portability (HIP)](https://github.com/ROCm-Developer-Tools/HIP),
|
||||
an OSS C++ GPU programming environment and its corresponding runtime. HIP allows ROCm
|
||||
developers to create portable applications on different platforms by deploying code on a range of
|
||||
platforms, from dedicated gaming GPUs to exascale HPC clusters.
|
||||
ROCm’s goal is to allow our users to maximize their GPU hardware investment.
|
||||
ROCm is designed to help develop, test and deploy GPU accelerated HPC, AI,
|
||||
scientific computing, CAD, and other applications in a free, open-source,
|
||||
integrated and secure software ecosystem.
|
||||
|
||||
ROCm supports programming models, such as OpenMP and OpenCL, and includes all necessary OSS
|
||||
compilers, debuggers, and libraries. ROCm is fully integrated into machine learning (ML) frameworks,
|
||||
such as PyTorch and TensorFlow.
|
||||
This repository contains the manifest file for ROCm™ releases, changelogs, and
|
||||
release information. The file default.xml contains information for all
|
||||
repositories and the associated commit used to build the current ROCm release.
|
||||
|
||||
## ROCm Documentation
|
||||
The default.xml file uses the repo Manifest format.
|
||||
|
||||
The ROCm Documentation site is [rocm.docs.amd.com](https://rocm.docs.amd.com).
|
||||
|
||||
Source code for the documentation is located in the docs folder of most repositories that are part of
|
||||
ROCm.
|
||||
|
||||
This repository contains the manifest file for ROCm releases, changelogs, and release information.
|
||||
The file `default.xml` contains information for all repositories and the associated commit used to build
|
||||
the current ROCm release.
|
||||
|
||||
The `default.xml` file uses the repo Manifest Format.
|
||||
|
||||
The develop branch of this repository contains content for the next ROCm release.
|
||||
|
||||
### How to build documentation via Sphinx
|
||||
## How to build documentation via Sphinx
|
||||
|
||||
```bash
|
||||
cd docs
|
||||
@@ -44,7 +39,7 @@ pip3 install -r sphinx/requirements.txt
|
||||
python3 -m sphinx -T -E -b html -d _build/doctrees -D language=en . _build/html
|
||||
```
|
||||
|
||||
## Older ROCm Releases
|
||||
## Older ROCm™ Releases
|
||||
|
||||
For release information for older ROCm releases, refer to
|
||||
[`CHANGELOG`](./CHANGELOG.md).
|
||||
For release information for older ROCm™ releases, refer to
|
||||
[CHANGELOG](./CHANGELOG.md).
|
||||
|
||||
688
RELEASE.md
@@ -15,63 +15,679 @@ The release notes for the ROCm platform.
|
||||
|
||||
-------------------
|
||||
|
||||
## ROCm 5.7.1
|
||||
## ROCm 5.5.0
|
||||
<!-- markdownlint-disable first-line-h1 -->
|
||||
<!-- markdownlint-disable no-duplicate-header -->
|
||||
|
||||
### What's New in This Release
|
||||
|
||||
### ROCm Libraries
|
||||
#### HIP Enhancements
|
||||
|
||||
#### rocBLAS
|
||||
A new functionality rocblas-gemm-tune and an environment variable ROCBLAS_TENSILE_GEMM_OVERRIDE_PATH are added to rocBLAS in the ROCm 5.7.1 release.
|
||||
The ROCm v5.5 release consists of the following HIP enhancements:
|
||||
|
||||
*rocblas-gemm-tune* is used to find the best-performing GEMM kernel for each GEMM problem set. It has a command line interface, which mimics the --yaml input used by rocblas-bench. To generate the expected --yaml input, profile logging can be used, by setting the environment variable ROCBLAS_LAYER4.
|
||||
##### Enhanced Stack Size Limit
|
||||
|
||||
For more information on rocBLAS logging, see Logging in rocBLAS, in the [API Reference Guide](https://rocm.docs.amd.com/projects/rocBLAS/en/docs-5.7.1/API_Reference_Guide.html#logging-in-rocblas).
|
||||
In this release, the stack size limit is increased from 16k to 131056 bytes (or 128K - 16).
|
||||
Applications requiring to update the stack size can use hipDeviceSetLimit API.
|
||||
|
||||
An example input file: Expected output (note selected GEMM idx may differ): Where the far right values (solution_index) are the indices of the best-performing kernels for those GEMMs in the rocBLAS kernel library. These indices can be directly used in future GEMM calls. See rocBLAS/samples/example_user_driven_tuning.cpp for sample code of directly using kernels via their indices.
|
||||
##### `hipcc` Changes
|
||||
|
||||
If the output is stored in a file, the results can be used to override default kernel selection with the kernels found, by setting the environment variable ROCBLAS_TENSILE_GEMM_OVERRIDE_PATH, where points to the stored file.
|
||||
The following hipcc changes are implemented in this release:
|
||||
|
||||
For more details, refer to the [rocBLAS Programmer's Guide.](https://rocm.docs.amd.com/projects/rocBLAS/en/latest/Programmers_Guide.html#rocblas-gemm-tune)
|
||||
- `hipcc` will not implicitly link to `libpthread` and `librt`, as they are no longer a link time dependence for HIP programs. Applications that depend on these libraries must explicitly link to them.
|
||||
- `-use-staticlib` and `-use-sharedlib` options are deprecated.
|
||||
|
||||
#### HIP 5.7.1 (for ROCm 5.7.1)
|
||||
##### Future Changes
|
||||
|
||||
ROCm 5.7.1 is a point release with several bug fixes in the HIP runtime.
|
||||
- Separation of `hipcc` binaries (Perl scripts) from HIP to `hipcc` project. Users will access separate `hipcc` package for installing `hipcc` binaries in future ROCm releases.
|
||||
- In a future ROCm release, the following samples will be removed from the `hip-tests` project.
|
||||
- `hipBusbandWidth` at <https://github.com/ROCm-Developer-Tools/hip-tests/tree/develop/samples/1_Utils/shipBusBandwidth>
|
||||
- `hipCommander` at <https://github.com/ROCm-Developer-Tools/hip-tests/tree/develop/samples/1_Utils/hipCommander>
|
||||
|
||||
### Fixed defects
|
||||
The *hipPointerGetAttributes* API returns the correct HIP memory type as *hipMemoryTypeManaged* for managed memory.
|
||||
Note that the samples will continue to be available in previous release branches.
|
||||
|
||||
##### New HIP APIs in This Release
|
||||
|
||||
> **Note**
|
||||
>
|
||||
> This is a pre-official version (beta) release of the new APIs and may contain unresolved issues.
|
||||
|
||||
### Library Changes in ROCM 5.7.1
|
||||
###### Memory Management HIP APIs
|
||||
|
||||
The new memory management HIP API is as follows:
|
||||
|
||||
- Sets information on the specified pointer [BETA].
|
||||
|
||||
```h
|
||||
hipError_t hipPointerSetAttribute(const void* value, hipPointer_attribute attribute, hipDeviceptr_t ptr);
|
||||
```
|
||||
|
||||
###### Module Management HIP APIs
|
||||
|
||||
The new module management HIP APIs are as follows:
|
||||
|
||||
- Launches kernel $f$ with launch parameters and shared memory on stream with arguments passed to `kernelParams`, where thread blocks can cooperate and synchronize as they execute.
|
||||
|
||||
```h
|
||||
hipError_t hipModuleLaunchCooperativeKernel(hipFunction_t f, unsigned int gridDimX, unsigned int gridDimY, unsigned int gridDimZ, unsigned int blockDimX, unsigned int blockDimY, unsigned int blockDimZ, unsigned int sharedMemBytes, hipStream_t stream, void** kernelParams);
|
||||
```
|
||||
|
||||
- Launches kernels on multiple devices where thread blocks can cooperate and synchronize as they execute.
|
||||
|
||||
```h
|
||||
hipError_t hipModuleLaunchCooperativeKernelMultiDevice(hipFunctionLaunchParams* launchParamsList, unsigned int numDevices, unsigned int flags);
|
||||
```
|
||||
|
||||
###### HIP Graph Management APIs
|
||||
|
||||
The new HIP Graph Management APIs are as follows:
|
||||
|
||||
- Creates a memory allocation node and adds it to a graph [BETA]
|
||||
|
||||
```h
|
||||
hipError_t hipGraphAddMemAllocNode(hipGraphNode_t* pGraphNode, hipGraph_t graph, const hipGraphNode_t* pDependencies, size_t numDependencies, hipMemAllocNodeParams* pNodeParams);
|
||||
```
|
||||
|
||||
- Return parameters for memory allocation node [BETA]
|
||||
|
||||
```h
|
||||
hipError_t hipGraphMemAllocNodeGetParams(hipGraphNode_t node, hipMemAllocNodeParams* pNodeParams);
|
||||
```
|
||||
|
||||
- Creates a memory free node and adds it to a graph [BETA]
|
||||
|
||||
```h
|
||||
hipError_t hipGraphAddMemFreeNode(hipGraphNode_t* pGraphNode, hipGraph_t graph, const hipGraphNode_t* pDependencies, size_t numDependencies, void* dev_ptr);
|
||||
```
|
||||
|
||||
- Returns parameters for memory free node [BETA].
|
||||
|
||||
```h
|
||||
hipError_t hipGraphMemFreeNodeGetParams(hipGraphNode_t node, void* dev_ptr);
|
||||
```
|
||||
|
||||
- Write a DOT file describing graph structure [BETA].
|
||||
|
||||
```h
|
||||
hipError_t hipGraphDebugDotPrint(hipGraph_t graph, const char* path, unsigned int flags);
|
||||
```
|
||||
|
||||
- Copies attributes from source node to destination node [BETA].
|
||||
|
||||
```h
|
||||
hipError_t hipGraphKernelNodeCopyAttributes(hipGraphNode_t hSrc, hipGraphNode_t hDst);
|
||||
```
|
||||
|
||||
- Enables or disables the specified node in the given graphExec [BETA]
|
||||
|
||||
```h
|
||||
hipError_t hipGraphNodeSetEnabled(hipGraphExec_t hGraphExec, hipGraphNode_t hNode, unsigned int isEnabled);
|
||||
```
|
||||
|
||||
- Query whether a node in the given graphExec is enabled [BETA]
|
||||
|
||||
```h
|
||||
hipError_t hipGraphNodeGetEnabled(hipGraphExec_t hGraphExec, hipGraphNode_t hNode, unsigned int* isEnabled);
|
||||
```
|
||||
|
||||
##### OpenMP Enhancements
|
||||
This release consists of the following OpenMP enhancements:
|
||||
|
||||
- Additional support for OMPT functions `get_device_time` and `get_record_type`.
|
||||
- Add support for min/max fast fp atomics on AMD GPUs.
|
||||
- Fix the use of the abs function in C device regions.
|
||||
|
||||
### Deprecations and Warnings
|
||||
|
||||
#### HIP Deprecation
|
||||
|
||||
The `hipcc` and `hipconfig` Perl scripts are deprecated. In a future release, compiled binaries will be available as `hipcc.bin` and `hipconfig.bin` as replacements for the Perl scripts.
|
||||
|
||||
> **Note**
|
||||
>
|
||||
> There will be a transition period where the Perl scripts and compiled binaries are available before the scripts are removed. There will be no functional difference between the Perl scripts and their compiled binary counterpart. No user action is required. Once these are available, users can optionally switch to `hipcc.bin` and `hipconfig.bin`. The `hipcc`/`hipconfig` soft link will be assimilated to point from `hipcc`/`hipconfig` to the respective compiled binaries as the default option.
|
||||
|
||||
##### Linux Filesystem Hierarchy Standard for ROCm
|
||||
|
||||
ROCm packages have adopted the Linux foundation filesystem hierarchy standard in this release to ensure ROCm components follow open source conventions for Linux-based distributions. While moving to a new filesystem hierarchy, ROCm ensures backward compatibility with its 5.1 version or older filesystem hierarchy. See below for a detailed explanation of the new filesystem hierarchy and backward compatibility.
|
||||
|
||||
##### New Filesystem Hierarchy
|
||||
|
||||
The following is the new filesystem hierarchy:4
|
||||
|
||||
```text
|
||||
/opt/rocm-<ver>
|
||||
| --bin
|
||||
| --All externally exposed Binaries
|
||||
| --libexec
|
||||
| --<component>
|
||||
| -- Component specific private non-ISA executables (architecture independent)
|
||||
| --include
|
||||
| -- <component>
|
||||
| --<header files>
|
||||
| --lib
|
||||
| --lib<soname>.so -> lib<soname>.so.major -> lib<soname>.so.major.minor.patch
|
||||
(public libraries linked with application)
|
||||
| --<component> (component specific private library, executable data)
|
||||
| --<cmake>
|
||||
| --components
|
||||
| --<component>.config.cmake
|
||||
| --share
|
||||
| --html/<component>/*.html
|
||||
| --info/<component>/*.[pdf, md, txt]
|
||||
| --man
|
||||
| --doc
|
||||
| --<component>
|
||||
| --<licenses>
|
||||
| --<component>
|
||||
| --<misc files> (arch independent non-executable)
|
||||
| --samples
|
||||
|
||||
```
|
||||
|
||||
> **Note**
|
||||
>
|
||||
> ROCm will not support backward compatibility with the v5.1(old) file system hierarchy in its next major release.
|
||||
|
||||
For more information, refer to <https://refspecs.linuxfoundation.org/fhs.shtml>.
|
||||
|
||||
##### Backward Compatibility with Older Filesystems
|
||||
|
||||
ROCm has moved header files and libraries to its new location as indicated in the above structure and included symbolic-link and wrapper header files in its old location for backward compatibility.
|
||||
|
||||
> **Note**
|
||||
>
|
||||
> ROCm will continue supporting backward compatibility until the next major release.
|
||||
|
||||
##### Wrapper header files
|
||||
|
||||
Wrapper header files are placed in the old location (`/opt/rocm-xxx/<component>/include`) with a warning message to include files from the new location (`/opt/rocm-xxx/include`) as shown in the example below:
|
||||
|
||||
```h
|
||||
// Code snippet from hip_runtime.h
|
||||
#pragma message “This file is deprecated. Use file from include path /opt/rocm-ver/include/ and prefix with hip”.
|
||||
#include "hip/hip_runtime.h"
|
||||
```
|
||||
|
||||
The wrapper header files’ backward compatibility deprecation is as follows:
|
||||
|
||||
- `#pragma` message announcing deprecation -- ROCm v5.2 release
|
||||
- `#pragma` message changed to `#warning` -- Future release
|
||||
- `#warning` changed to `#error` -- Future release
|
||||
- Backward compatibility wrappers removed -- Future release
|
||||
|
||||
##### Library files
|
||||
|
||||
Library files are available in the `/opt/rocm-xxx/lib` folder. For backward compatibility, the old library location (`/opt/rocm-xxx/<component>/lib`) has a soft link to the library at the new location.
|
||||
|
||||
Example:
|
||||
|
||||
```log
|
||||
$ ls -l /opt/rocm/hip/lib/
|
||||
total 4
|
||||
drwxr-xr-x 4 root root 4096 May 12 10:45 cmake
|
||||
lrwxrwxrwx 1 root root 24 May 10 23:32 libamdhip64.so -> ../../lib/libamdhip64.so
|
||||
```
|
||||
|
||||
##### CMake Config files
|
||||
|
||||
All CMake configuration files are available in the `/opt/rocm-xxx/lib/cmake/<component>` folder.
|
||||
For backward compatibility, the old CMake locations (`/opt/rocm-xxx/<component>/lib/cmake`) consist of a soft link to the new CMake config.
|
||||
|
||||
Example:
|
||||
|
||||
```log
|
||||
$ ls -l /opt/rocm/hip/lib/cmake/hip/
|
||||
total 0
|
||||
lrwxrwxrwx 1 root root 42 May 10 23:32 hip-config.cmake -> ../../../../lib/cmake/hip/hip-config.cmake
|
||||
```
|
||||
|
||||
#### ROCm Support For Code Object V3 Deprecated
|
||||
|
||||
Support for Code Object v3 is deprecated and will be removed in a future release.
|
||||
|
||||
#### Comgr V3.0 Changes
|
||||
|
||||
The following APIs and macros have been marked as deprecated. These are expected to be removed in a future ROCm release and coincides with the release of Comgr v3.0.
|
||||
|
||||
##### API Changes
|
||||
|
||||
- `amd_comgr_action_info_set_options()`
|
||||
- `amd_comgr_action_info_get_options()`
|
||||
|
||||
##### Actions and Data Types
|
||||
|
||||
- `AMD_COMGR_ACTION_ADD_DEVICE_LIBRARIES`
|
||||
- `AMD_COMGR_ACTION_COMPILE_SOURCE_TO_FATBIN`
|
||||
|
||||
For replacements, see the `AMD_COMGR_ACTION_INFO_GET`/`SET_OPTION_LIST APIs`, and the `AMD_COMGR_ACTION_COMPILE_SOURCE_(WITH_DEVICE_LIBS)_TO_BC` macros.
|
||||
|
||||
#### Deprecated Environment Variables
|
||||
|
||||
The following environment variables are removed in this ROCm release:
|
||||
|
||||
- `GPU_MAX_COMMAND_QUEUES`
|
||||
- `GPU_MAX_WORKGROUP_SIZE_2D_X`
|
||||
- `GPU_MAX_WORKGROUP_SIZE_2D_Y`
|
||||
- `GPU_MAX_WORKGROUP_SIZE_3D_X`
|
||||
- `GPU_MAX_WORKGROUP_SIZE_3D_Y`
|
||||
- `GPU_MAX_WORKGROUP_SIZE_3D_Z`
|
||||
- `GPU_BLIT_ENGINE_TYPE`
|
||||
- `GPU_USE_SYNC_OBJECTS`
|
||||
- `AMD_OCL_SC_LIB`
|
||||
- `AMD_OCL_ENABLE_MESSAGE_BOX`
|
||||
- `GPU_FORCE_64BIT_PTR`
|
||||
- `GPU_FORCE_OCL20_32BIT`
|
||||
- `GPU_RAW_TIMESTAMP`
|
||||
- `GPU_SELECT_COMPUTE_RINGS_ID`
|
||||
- `GPU_USE_SINGLE_SCRATCH`
|
||||
- `GPU_ENABLE_LARGE_ALLOCATION`
|
||||
- `HSA_LOCAL_MEMORY_ENABLE`
|
||||
- `HSA_ENABLE_COARSE_GRAIN_SVM`
|
||||
- `GPU_IFH_MODE`
|
||||
- `OCL_SYSMEM_REQUIREMENT`
|
||||
- `OCL_CODE_CACHE_ENABLE`
|
||||
- `OCL_CODE_CACHE_RESET`
|
||||
|
||||
### Known Issues In This Release
|
||||
|
||||
The following are the known issues in this release.
|
||||
|
||||
#### `DISTRIBUTED`/`TEST_DISTRIBUTED_SPAWN` Fails
|
||||
|
||||
When user applications call `ncclCommAbort` to destruct communicators and then create new
|
||||
communicators repeatedly, subsequent communicators may fail to initialize.
|
||||
|
||||
This issue is under investigation and will be resolved in a future release.
|
||||
|
||||
#### Failures In HIP Directed Tests
|
||||
|
||||
Multiple HIP directed tests fail.
|
||||
|
||||
### Library Changes in ROCM 5.5.0
|
||||
|
||||
| Library | Version |
|
||||
|---------|---------|
|
||||
| hipBLAS | [1.1.0](https://github.com/ROCmSoftwarePlatform/hipBLAS/releases/tag/rocm-5.7.1) |
|
||||
| hipCUB | [2.13.1](https://github.com/ROCmSoftwarePlatform/hipCUB/releases/tag/rocm-5.7.1) |
|
||||
| hipFFT | [1.0.12](https://github.com/ROCmSoftwarePlatform/hipFFT/releases/tag/rocm-5.7.1) |
|
||||
| hipSOLVER | 1.8.1 ⇒ [1.8.2](https://github.com/ROCmSoftwarePlatform/hipSOLVER/releases/tag/rocm-5.7.1) |
|
||||
| hipSPARSE | [2.3.8](https://github.com/ROCmSoftwarePlatform/hipSPARSE/releases/tag/rocm-5.7.1) |
|
||||
| MIOpen | [2.19.0](https://github.com/ROCmSoftwarePlatform/MIOpen/releases/tag/rocm-5.7.1) |
|
||||
| rocALUTION | [2.1.11](https://github.com/ROCmSoftwarePlatform/rocALUTION/releases/tag/rocm-5.7.1) |
|
||||
| rocBLAS | [3.1.0](https://github.com/ROCmSoftwarePlatform/rocBLAS/releases/tag/rocm-5.7.1) |
|
||||
| rocFFT | [1.0.24](https://github.com/ROCmSoftwarePlatform/rocFFT/releases/tag/rocm-5.7.1) |
|
||||
| rocm-cmake | [0.10.0](https://github.com/RadeonOpenCompute/rocm-cmake/releases/tag/rocm-5.7.1) |
|
||||
| rocPRIM | [2.13.1](https://github.com/ROCmSoftwarePlatform/rocPRIM/releases/tag/rocm-5.7.1) |
|
||||
| rocRAND | [2.10.17](https://github.com/ROCmSoftwarePlatform/rocRAND/releases/tag/rocm-5.7.1) |
|
||||
| rocSOLVER | [3.23.0](https://github.com/ROCmSoftwarePlatform/rocSOLVER/releases/tag/rocm-5.7.1) |
|
||||
| rocSPARSE | [2.5.4](https://github.com/ROCmSoftwarePlatform/rocSPARSE/releases/tag/rocm-5.7.1) |
|
||||
| rocThrust | [2.18.0](https://github.com/ROCmSoftwarePlatform/rocThrust/releases/tag/rocm-5.7.1) |
|
||||
| rocWMMA | [1.2.0](https://github.com/ROCmSoftwarePlatform/rocWMMA/releases/tag/rocm-5.7.1) |
|
||||
| Tensile | [4.38.0](https://github.com/ROCmSoftwarePlatform/Tensile/releases/tag/rocm-5.7.1) |
|
||||
| hipBLAS | 0.53.0 ⇒ [0.54.0](https://github.com/ROCmSoftwarePlatform/hipBLAS/releases/tag/rocm-5.5.0) |
|
||||
| hipCUB | 2.13.0 ⇒ [2.13.1](https://github.com/ROCmSoftwarePlatform/hipCUB/releases/tag/rocm-5.5.0) |
|
||||
| hipFFT | 1.0.10 ⇒ [1.0.11](https://github.com/ROCmSoftwarePlatform/hipFFT/releases/tag/rocm-5.5.0) |
|
||||
| hipSOLVER | 1.6.0 ⇒ [1.7.0](https://github.com/ROCmSoftwarePlatform/hipSOLVER/releases/tag/rocm-5.5.0) |
|
||||
| hipSPARSE | 2.3.3 ⇒ [2.3.5](https://github.com/ROCmSoftwarePlatform/hipSPARSE/releases/tag/rocm-5.5.0) |
|
||||
| rccl | 2.13.4 ⇒ [2.15.5](https://github.com/ROCmSoftwarePlatform/rccl/releases/tag/rocm-5.5.0) |
|
||||
| rocALUTION | 2.1.3 ⇒ [2.1.8](https://github.com/ROCmSoftwarePlatform/rocALUTION/releases/tag/rocm-5.5.0) |
|
||||
| rocBLAS | 2.46.0 ⇒ [2.47.0](https://github.com/ROCmSoftwarePlatform/rocBLAS/releases/tag/rocm-5.5.0) |
|
||||
| rocFFT | 1.0.21 ⇒ [1.0.22](https://github.com/ROCmSoftwarePlatform/rocFFT/releases/tag/rocm-5.5.0) |
|
||||
| rocPRIM | 2.12.0 ⇒ [2.13.0](https://github.com/ROCmSoftwarePlatform/rocPRIM/releases/tag/rocm-5.5.0) |
|
||||
| rocRAND | 2.10.16 ⇒ [2.10.17](https://github.com/ROCmSoftwarePlatform/rocRAND/releases/tag/rocm-5.5.0) |
|
||||
| rocSOLVER | 3.20.0 ⇒ [3.21.0](https://github.com/ROCmSoftwarePlatform/rocSOLVER/releases/tag/rocm-5.5.0) |
|
||||
| rocSPARSE | 2.4.0 ⇒ [2.5.1](https://github.com/ROCmSoftwarePlatform/rocSPARSE/releases/tag/rocm-5.5.0) |
|
||||
| rocThrust | [2.17.0](https://github.com/ROCmSoftwarePlatform/rocThrust/releases/tag/rocm-5.5.0) |
|
||||
| rocWMMA | 0.9 ⇒ [1.0](https://github.com/ROCmSoftwarePlatform/rocWMMA/releases/tag/rocm-5.5.0) |
|
||||
| Tensile | 4.35.0 ⇒ [4.36.0](https://github.com/ROCmSoftwarePlatform/Tensile/releases/tag/rocm-5.5.0) |
|
||||
|
||||
#### hipSOLVER 1.8.2
|
||||
#### hipBLAS 0.54.0
|
||||
|
||||
hipSOLVER 1.8.2 for ROCm 5.7.1
|
||||
hipBLAS 0.54.0 for ROCm 5.5.0
|
||||
|
||||
##### Added
|
||||
|
||||
- added option to opt-in to use __half for hipblasHalf type in the API for c++ users who define HIPBLAS_USE_HIP_HALF
|
||||
- added scripts to plot performance for multiple functions
|
||||
- data driven hipblas-bench and hipblas-test execution via external yaml format data files
|
||||
- client smoke test added for quick validation using command hipblas-test --yaml hipblas_smoke.yaml
|
||||
|
||||
##### Fixed
|
||||
|
||||
- Fixed conflicts between the hipsolver-dev and -asan packages by excluding
|
||||
hipsolver_module.f90 from the latter
|
||||
- fixed datatype conversion functions to support more rocBLAS/cuBLAS datatypes
|
||||
- fixed geqrf to return successfully when nullptrs are passed in with n == 0 || m == 0
|
||||
- fixed getrs to return successfully when given nullptrs with corresponding size = 0
|
||||
- fixed getrs to give info = -1 when transpose is not an expected type
|
||||
- fixed gels to return successfully when given nullptrs with corresponding size = 0
|
||||
- fixed gels to give info = -1 when transpose is not in ('N', 'T') for real cases or not in ('N', 'C') for complex cases
|
||||
|
||||
##### Changed
|
||||
|
||||
- changed reference code for Windows to OpenBLAS
|
||||
- hipblas client executables all now begin with hipblas- prefix
|
||||
|
||||
#### hipCUB 2.13.1
|
||||
|
||||
hipCUB 2.13.1 for ROCm 5.5.0
|
||||
|
||||
##### Added
|
||||
|
||||
- Benchmarks for `BlockShuffle`, `BlockLoad`, and `BlockStore`.
|
||||
|
||||
##### Changed
|
||||
|
||||
- CUB backend references CUB and Thrust version 1.17.2.
|
||||
- Improved benchmark coverage of `BlockScan` by adding `ExclusiveScan`, benchmark coverage of `BlockRadixSort` by adding `SortBlockedToStriped`, and benchmark coverage of `WarpScan` by adding `Broadcast`.
|
||||
|
||||
##### Fixed
|
||||
|
||||
- Windows HIP SDK support
|
||||
|
||||
##### Known Issues
|
||||
|
||||
- `BlockRadixRankMatch` is currently broken under the rocPRIM backend.
|
||||
- `BlockRadixRankMatch` with a warp size that does not exactly divide the block size is broken under the CUB backend.
|
||||
|
||||
#### hipFFT 1.0.11
|
||||
|
||||
hipFFT 1.0.11 for ROCm 5.5.0
|
||||
|
||||
##### Fixed
|
||||
|
||||
- Fixed old version rocm include/lib folders not removed on upgrade.
|
||||
|
||||
#### hipSOLVER 1.7.0
|
||||
|
||||
hipSOLVER 1.7.0 for ROCm 5.5.0
|
||||
|
||||
##### Added
|
||||
|
||||
- Added functions
|
||||
- gesvdj
|
||||
- hipsolverSgesvdj_bufferSize, hipsolverDgesvdj_bufferSize, hipsolverCgesvdj_bufferSize, hipsolverZgesvdj_bufferSize
|
||||
- hipsolverSgesvdj, hipsolverDgesvdj, hipsolverCgesvdj, hipsolverZgesvdj
|
||||
- gesvdjBatched
|
||||
- hipsolverSgesvdjBatched_bufferSize, hipsolverDgesvdjBatched_bufferSize, hipsolverCgesvdjBatched_bufferSize, hipsolverZgesvdjBatched_bufferSize
|
||||
- hipsolverSgesvdjBatched, hipsolverDgesvdjBatched, hipsolverCgesvdjBatched, hipsolverZgesvdjBatched
|
||||
|
||||
#### hipSPARSE 2.3.5
|
||||
|
||||
hipSPARSE 2.3.5 for ROCm 5.5.0
|
||||
|
||||
##### Improved
|
||||
|
||||
- Fixed an issue, where the rocm folder was not removed on upgrade of meta packages
|
||||
- Fixed a compilation issue with cusparse backend
|
||||
- Added more detailed messages on unit test failures due to missing input data
|
||||
- Improved documentation
|
||||
- Fixed a bug with deprecation messages when using gcc9 (Thanks @Maetveis)
|
||||
|
||||
#### rccl 2.15.5
|
||||
|
||||
RCCL 2.15.5 for ROCm 5.5.0
|
||||
|
||||
##### Changed
|
||||
|
||||
- Compatibility with NCCL 2.15.5
|
||||
- Unit test executable renamed to rccl-UnitTests
|
||||
|
||||
##### Added
|
||||
|
||||
- HW-topology aware binary tree implementation
|
||||
- Experimental support for MSCCL
|
||||
- New unit tests for hipGraph support
|
||||
- NPKit integration
|
||||
|
||||
##### Fixed
|
||||
|
||||
- rocm-smi ID conversion
|
||||
- Support for HIP_VISIBLE_DEVICES for unit tests
|
||||
- Support for p2p transfers to non (HIP) visible devices
|
||||
|
||||
##### Removed
|
||||
|
||||
- Removed TransferBench from tools. Exists in standalone repo: https://github.com/ROCmSoftwarePlatform/TransferBench
|
||||
|
||||
#### rocALUTION 2.1.8
|
||||
|
||||
rocALUTION 2.1.8 for ROCm 5.5.0
|
||||
|
||||
##### Added
|
||||
|
||||
- Added build support for Navi32
|
||||
|
||||
##### Improved
|
||||
|
||||
- Fixed a typo in MPI backend
|
||||
- Fixed a bug with the backend when HIP support is disabled
|
||||
- Fixed a bug in SAAMG hierarchy building on HIP backend
|
||||
- Improved SAAMG hierarchy build performance on HIP backend
|
||||
|
||||
##### Changed
|
||||
|
||||
- LocalVector::GetIndexValues(ValueType\*) is deprecated, use LocalVector::GetIndexValues(const LocalVector&, LocalVector\*) instead
|
||||
- LocalVector::SetIndexValues(const ValueType\*) is deprecated, use LocalVector::SetIndexValues(const LocalVector&, const LocalVector&) instead
|
||||
- LocalMatrix::RSDirectInterpolation(const LocalVector&, const LocalVector&, LocalMatrix\*, LocalMatrix\*) is deprecated, use LocalMatrix::RSDirectInterpolation(const LocalVector&, const LocalVector&, LocalMatrix\*) instead
|
||||
- LocalMatrix::RSExtPIInterpolation(const LocalVector&, const LocalVector&, bool, float, LocalMatrix\*, LocalMatrix\*) is deprecated, use LocalMatrix::RSExtPIInterpolation(const LocalVector&, const LocalVector&, bool, LocalMatrix\*) instead
|
||||
- LocalMatrix::RugeStueben() is deprecated
|
||||
- LocalMatrix::AMGSmoothedAggregation(ValueType, const LocalVector&, const LocalVector&, LocalMatrix\*, LocalMatrix\*, int) is deprecated, use LocalMatrix::AMGAggregation(ValueType, const LocalVector&, const LocalVector&, LocalMatrix\*, int) instead
|
||||
- LocalMatrix::AMGAggregation(const LocalVector&, LocalMatrix\*, LocalMatrix\*) is deprecated, use LocalMatrix::AMGAggregation(const LocalVector&, LocalMatrix\*) instead
|
||||
|
||||
#### rocBLAS 2.47.0
|
||||
|
||||
rocBLAS 2.47.0 for ROCm 5.5.0
|
||||
|
||||
##### Added
|
||||
|
||||
- added functionality rocblas_geam_ex for matrix-matrix minimum operations
|
||||
- added HIP Graph support as beta feature for rocBLAS Level 1, Level 2, and Level 3(pointer mode host) functions
|
||||
- added beta features API. Exposed using compiler define ROCBLAS_BETA_FEATURES_API
|
||||
- added support for vector initialization in the rocBLAS test framework with negative increments
|
||||
- added windows build documentation for forthcoming support using ROCm HIP SDK
|
||||
- added scripts to plot performance for multiple functions
|
||||
|
||||
##### Optimizations
|
||||
|
||||
- improved performance of Level 2 rocBLAS GEMV for float and double precision. Performance enhanced by 150-200% for certain problem sizes when (m==n) measured on a gfx90a GPU.
|
||||
- improved performance of Level 2 rocBLAS GER for float, double and complex float precisions. Performance enhanced by 5-7% for certain problem sizes measured on a gfx90a GPU.
|
||||
- improved performance of Level 2 rocBLAS SYMV for float and double precisions. Performance enhanced by 120-150% for certain problem sizes measured on both gfx908 and gfx90a GPUs.
|
||||
|
||||
##### Fixed
|
||||
|
||||
- fixed setting of executable mode on client script rocblas_gentest.py to avoid potential permission errors with clients rocblas-test and rocblas-bench
|
||||
- fixed deprecated API compatibility with Visual Studio compiler
|
||||
- fixed test framework memory exception handling for Level 2 functions when the host memory allocation exceeds the available memory
|
||||
|
||||
##### Changed
|
||||
|
||||
- install.sh internally runs rmake.py (also used on windows) and rmake.py may be used directly by developers on linux (use --help)
|
||||
- rocblas client executables all now begin with rocblas- prefix
|
||||
|
||||
##### Removed
|
||||
|
||||
- install.sh removed options -o --cov as now Tensile will use the default COV format, set by cmake define Tensile_CODE_OBJECT_VERSION=default
|
||||
|
||||
#### rocFFT 1.0.22
|
||||
|
||||
rocFFT 1.0.22 for ROCm 5.5.0
|
||||
|
||||
##### Optimizations
|
||||
|
||||
- Improved performance of 1D lengths < 2048 that use Bluestein's algorithm.
|
||||
- Reduced time for generating code during plan creation.
|
||||
- Optimized 3D R2C/C2R lengths 32, 84, 128.
|
||||
- Optimized batched small 1D R2C/C2R cases.
|
||||
|
||||
##### Added
|
||||
|
||||
- Added gfx1101 to default AMDGPU_TARGETS.
|
||||
|
||||
##### Changed
|
||||
|
||||
- Moved client programs to C++17.
|
||||
- Moved planar kernels and infrequently used Stockham kernels to be runtime-compiled.
|
||||
- Moved transpose, real-complex, Bluestein, and Stockham kernels to library kernel cache.
|
||||
|
||||
##### Fixed
|
||||
|
||||
- Removed zero-length twiddle table allocations, which fixes errors from hipMallocManaged.
|
||||
- Fixed incorrect freeing of HIP stream handles during twiddle computation when multiple devices are present.
|
||||
|
||||
#### rocPRIM 2.13.0
|
||||
|
||||
rocPRIM 2.13.0 for ROCm 5.5.0
|
||||
|
||||
##### Added
|
||||
|
||||
- New block level `radix_rank` primitive.
|
||||
- New block level `radix_rank_match` primitive.
|
||||
|
||||
##### Changed
|
||||
|
||||
- Improved the performance of `block_radix_sort` and `device_radix_sort`.
|
||||
|
||||
##### Known Issues
|
||||
|
||||
- Disabled GPU error messages relating to incorrect warp operation usage with Navi GPUs on Windows, due to GPU printf performance issues on Windows.
|
||||
|
||||
##### Fixed
|
||||
|
||||
- Fixed benchmark build on Windows
|
||||
|
||||
#### rocRAND 2.10.17
|
||||
|
||||
rocRAND 2.10.17 for ROCm 5.5.0
|
||||
|
||||
##### Added
|
||||
|
||||
- MT19937 pseudo random number generator based on M. Matsumoto and T. Nishimura, 1998, Mersenne Twister: A 623-dimensionally equidistributed uniform pseudorandom number generator.
|
||||
- New benchmark for the device API using Google Benchmark, `benchmark_rocrand_device_api`, replacing `benchmark_rocrand_kernel`. `benchmark_rocrand_kernel` is deprecated and will be removed in a future version. Likewise, `benchmark_curand_host_api` is added to replace `benchmark_curand_generate` and `benchmark_curand_device_api` is added to replace `benchmark_curand_kernel`.
|
||||
- experimental HIP-CPU feature
|
||||
- ThreeFry pseudorandom number generator based on Salmon et al., 2011, "Parallel random numbers: as easy as 1, 2, 3".
|
||||
|
||||
##### Changed
|
||||
|
||||
- Python 2.7 is no longer officially supported.
|
||||
|
||||
##### Fixed
|
||||
|
||||
- Windows HIP SDK support
|
||||
|
||||
#### rocSOLVER 3.21.0
|
||||
|
||||
rocSOLVER 3.21.0 for ROCm 5.5.0
|
||||
|
||||
##### Added
|
||||
|
||||
- SVD for general matrices using Jacobi algorithm:
|
||||
- GESVDJ (with batched and strided\_batched versions)
|
||||
- LU factorization without pivoting for block tridiagonal matrices:
|
||||
- GEBLTTRF_NPVT (with batched and strided\_batched versions)
|
||||
- Linear system solver without pivoting for block tridiagonal matrices:
|
||||
- GEBLTTRS_NPVT (with batched and strided\_batched, versions)
|
||||
- Product of triangular matrices
|
||||
- LAUUM
|
||||
- Added experimental hipGraph support for rocSOLVER functions
|
||||
|
||||
##### Optimized
|
||||
|
||||
- Improved the performance of SYEVJ/HEEVJ.
|
||||
|
||||
##### Changed
|
||||
|
||||
- STEDC, SYEVD/HEEVD and SYGVD/HEGVD now use fully implemented Divide and Conquer approach.
|
||||
|
||||
##### Fixed
|
||||
|
||||
- SYEVJ/HEEVJ should now be invariant under matrix scaling.
|
||||
- SYEVJ/HEEVJ should now properly output the eigenvalues when no sweeps are executed.
|
||||
- Fixed GETF2\_NPVT and GETRF\_NPVT input data initialization in tests and benchmarks.
|
||||
- Fixed rocblas missing from the dependency list of the rocsolver deb and rpm packages.
|
||||
|
||||
#### rocSPARSE 2.5.1
|
||||
|
||||
rocSPARSE 2.5.1 for ROCm 5.5.0
|
||||
|
||||
##### Added
|
||||
|
||||
- Added bsrgemm and spgemm for BSR format
|
||||
- Added bsrgeam
|
||||
- Added build support for Navi32
|
||||
- Added experimental hipGraph support for some rocSPARSE routines
|
||||
- Added csritsv, spitsv csr iterative triangular solve
|
||||
- Added mixed precisions for SpMV
|
||||
- Added batched SpMM for transpose A in COO format with atomic atomic algorithm
|
||||
|
||||
##### Improved
|
||||
|
||||
- Optimization to csr2bsr
|
||||
- Optimization to csr2csr_compress
|
||||
- Optimization to csr2coo
|
||||
- Optimization to gebsr2csr
|
||||
- Optimization to csr2gebsr
|
||||
- Fixes to documentation
|
||||
- Fixes a bug in COO SpMV gridsize
|
||||
- Fixes a bug in SpMM gridsize when using very large matrices
|
||||
|
||||
##### Known Issues
|
||||
|
||||
- In csritlu0, the algorithm rocsparse_itilu0_alg_sync_split_fusion has some accuracy issues to investigate with XNACK enabled. The fallback is rocsparse_itilu0_alg_sync_split.
|
||||
|
||||
#### rocWMMA 1.0
|
||||
|
||||
rocWMMA 1.0 for ROCm 5.5.0
|
||||
|
||||
##### Added
|
||||
|
||||
- Added support for wave32 on gfx11+
|
||||
- Added infrastructure changes to support hipRTC
|
||||
- Added performance tracking system
|
||||
|
||||
##### Changed
|
||||
|
||||
- Modified the assignment of hardware information
|
||||
- Modified the data access for unsigned datatypes
|
||||
- Added library config to support multiple architectures
|
||||
|
||||
#### Tensile 4.36.0
|
||||
|
||||
Tensile 4.36.0 for ROCm 5.5.0
|
||||
|
||||
##### Added
|
||||
|
||||
- Add functions for user-driven tuning
|
||||
- Add GFX11 support: HostLibraryTests yamls, rearragne FP32(C)/FP64(C) instruction order, archCaps for instruction renaming condition, adjust vgpr bank for A/B/C for optimize, separate vscnt and vmcnt, dual mac
|
||||
- Add binary search for Grid-Based algorithm
|
||||
- Add reject condition for (StoreCInUnroll + BufferStore=0) and (DirectToVgpr + ScheduleIterAlg<3 + PrefetchGlobalRead==2)
|
||||
- Add support for (DirectToLds + hgemm + NN/NT/TT) and (DirectToLds + hgemm + GlobalLoadVectorWidth < 4)
|
||||
- Add support for (DirectToLds + hgemm(TLU=True only) or sgemm + NumLoadsCoalesced > 1)
|
||||
- Add GSU SingleBuffer algorithm for HSS/BSS
|
||||
- Add gfx900:xnack-, gfx1032, gfx1034, gfx1035
|
||||
- Enable gfx1031 support
|
||||
|
||||
##### Optimizations
|
||||
|
||||
- Use AssertSizeLessThan for BufferStoreOffsetLimitCheck if it is smaller than MT1
|
||||
- Improve InitAccVgprOpt
|
||||
|
||||
##### Changed
|
||||
|
||||
- Use global_atomic for GSU instead of flat and global_store for debug code
|
||||
- Replace flat_load/store with global_load/store
|
||||
- Use global_load/store for BufferLoad/Store=0 and enable scheduling
|
||||
- LocalSplitU support for HGEMM+HPA when MFMA disabled
|
||||
- Update Code Object Version
|
||||
- Type cast local memory to COMPUTE_DATA_TYPE in LDS to avoid precision loss
|
||||
- Update asm cap cache arguments
|
||||
- Unify SplitGlobalRead into ThreadSeparateGlobalRead and remove SplitGlobalRead
|
||||
- Change checks, error messages, assembly syntax, and coverage for DirectToLds
|
||||
- Remove unused cmake file
|
||||
- Clean up the LLVM dependency code
|
||||
- Update ThreadSeparateGlobalRead test cases for PrefetchGlobalRead=2
|
||||
- Update sgemm/hgemm test cases for DirectToLds and ThreadSepareteGlobalRead
|
||||
|
||||
##### Fixed
|
||||
|
||||
- Add build-id to header of compiled source kernels
|
||||
- Fix solution index collisions
|
||||
- Fix h beta vectorwidth4 correctness issue for WMMA
|
||||
- Fix an error with BufferStore=0
|
||||
- Fix mismatch issue with (StoreCInUnroll + PrefetchGlobalRead=2)
|
||||
- Fix MoveMIoutToArch bug
|
||||
- Fix flat load correctness issue on I8 and flat store correctness issue
|
||||
- Fix mismatch issue with BufferLoad=0 + TailLoop for large array sizes
|
||||
- Fix code generation error with BufferStore=0 and StoreCInUnrollPostLoop
|
||||
- Fix issues with DirectToVgpr + ScheduleIterAlg<3
|
||||
- Fix mismatch issue with DGEMM TT + LocalReadVectorWidth=2
|
||||
- Fix mismatch issue with PrefetchGlobalRead=2
|
||||
- Fix mismatch issue with DirectToVgpr + PrefetchGlobalRead=2 + small tile size
|
||||
- Fix an error with PersistentKernel=0 + PrefetchAcrossPersistent=1 + PrefetchAcrossPersistentMode=1
|
||||
- Fix mismatch issue with DirectToVgpr + DirectToLds + only 1 iteration in unroll loop case
|
||||
- Remove duplicate GSU kernels: for GSU = 1, GSUAlgorithm SingleBuffer and MultipleBuffer kernels are identical
|
||||
- Fix for failing CI tests due to CpuThreads=0
|
||||
- Fix mismatch issue with DirectToLds + PrefetchGlobalRead=2
|
||||
- Remove the reject condition for ThreadSeparateGlobalRead and DirectToLds (HGEMM, SGEMM only)
|
||||
- Modify reject condition for minimum lanes of ThreadSeparateGlobalRead (SGEMM or larger data type only)
|
||||
|
||||
26
default.xml
@@ -12,7 +12,7 @@ fetch="https://github.com/GPUOpen-ProfessionalCompute-Libraries/" />
|
||||
fetch="https://github.com/GPUOpen-Tools/" />
|
||||
<remote name="KhronosGroup"
|
||||
fetch="https://github.com/KhronosGroup/" />
|
||||
<default revision="refs/tags/rocm-5.7.1"
|
||||
<default revision="refs/tags/rocm-5.5.1"
|
||||
remote="roc-github"
|
||||
sync-c="true"
|
||||
sync-j="4" />
|
||||
@@ -20,36 +20,38 @@ fetch="https://github.com/KhronosGroup/" />
|
||||
<project name="ROCK-Kernel-Driver" />
|
||||
<project name="ROCT-Thunk-Interface" />
|
||||
<project name="ROCR-Runtime" />
|
||||
<project name="amdsmi" />
|
||||
<project name="rocm_smi_lib" />
|
||||
<project name="rocm-core" />
|
||||
<project name="rocm-cmake" />
|
||||
<project name="rocminfo" />
|
||||
<project name="rocm_bandwidth_test" />
|
||||
<project name="rocprofiler" remote="rocm-devtools" />
|
||||
<project name="roctracer" remote="rocm-devtools" />
|
||||
<project name="ROCm-OpenCL-Runtime" />
|
||||
<project path="ROCm-OpenCL-Runtime/api/opencl/khronos/icd" name="OpenCL-ICD-Loader" remote="KhronosGroup" revision="6c03f8b58fafd9dd693eaac826749a5cfad515f8" />
|
||||
<project name="clang-ocl" />
|
||||
<project name="rdc" />
|
||||
<!--HIP Projects-->
|
||||
<project name="HIP" remote="rocm-devtools" />
|
||||
<project name="hipamd" remote="rocm-devtools" />
|
||||
<project name="HIP-Examples" remote="rocm-devtools" />
|
||||
<project name="clr" remote="rocm-devtools" />
|
||||
<project name="ROCclr" remote="rocm-devtools" />
|
||||
<project name="HIPIFY" remote="rocm-devtools" />
|
||||
<project name="HIPCC" remote="rocm-devtools" />
|
||||
<!-- The following projects are all associated with the AMDGPU LLVM compiler -->
|
||||
<project name="llvm-project" />
|
||||
<project name="ROCm-Device-Libs" />
|
||||
<project name="atmi" />
|
||||
<project name="ROCm-CompilerSupport" />
|
||||
<project name="rocr_debug_agent" remote="rocm-devtools" />
|
||||
<project name="rocm_bandwidth_test" />
|
||||
<project name="half" remote="rocm-swplat" revision="37742ce15b76b44e4b271c1e66d13d2fa7bd003e" />
|
||||
<project name="RCP" remote="gpuopen-tools" revision="3a49405a1500067c49d181844ec90aea606055bb" />
|
||||
<!-- gdb projects -->
|
||||
<project name="ROCgdb" remote="rocm-devtools" />
|
||||
<project name="ROCdbgapi" remote="rocm-devtools" />
|
||||
<project name="rocr_debug_agent" remote="rocm-devtools" />
|
||||
<!-- ROCm Libraries -->
|
||||
<project name="rdc" />
|
||||
<project groups="mathlibs" name="rocBLAS" remote="rocm-swplat" />
|
||||
<project groups="mathlibs" name="Tensile" remote="rocm-swplat" />
|
||||
<project groups="mathlibs" name="hipTensor" remote="rocm-swplat" />
|
||||
<project groups="mathlibs" name="hipBLAS" remote="rocm-swplat" />
|
||||
<project groups="mathlibs" name="rocFFT" remote="rocm-swplat" />
|
||||
<project groups="mathlibs" name="hipFFT" remote="rocm-swplat" />
|
||||
@@ -59,16 +61,14 @@ fetch="https://github.com/KhronosGroup/" />
|
||||
<project groups="mathlibs" name="hipSOLVER" remote="rocm-swplat" />
|
||||
<project groups="mathlibs" name="hipSPARSE" remote="rocm-swplat" />
|
||||
<project groups="mathlibs" name="rocALUTION" remote="rocm-swplat" />
|
||||
<project name="MIOpenGEMM" remote="rocm-swplat" />
|
||||
<project name="MIOpen" remote="rocm-swplat" />
|
||||
<project groups="mathlibs" name="rccl" remote="rocm-swplat" />
|
||||
<project name="MIVisionX" remote="gpuopen-libs" />
|
||||
<project groups="mathlibs" name="rocThrust" remote="rocm-swplat" />
|
||||
<project groups="mathlibs" name="hipCUB" remote="rocm-swplat" />
|
||||
<project groups="mathlibs" name="rocPRIM" remote="rocm-swplat" />
|
||||
<project groups="mathlibs" name="rocWMMA" remote="rocm-swplat" />
|
||||
<project groups="mathlibs" name="rccl" remote="rocm-swplat" />
|
||||
<project name="rocMLIR" remote="rocm-swplat" />
|
||||
<project name="MIOpen" remote="rocm-swplat" />
|
||||
<project name="composable_kernel" remote="rocm-swplat" />
|
||||
<project name="MIVisionX" remote="gpuopen-libs" />
|
||||
<project name="rpp" remote="gpuopen-libs" />
|
||||
<project name="hipfort" remote="rocm-swplat" />
|
||||
<project name="AMDMIGraphX" remote="rocm-swplat" />
|
||||
<project name="ROCmValidationSuite" remote="rocm-devtools" />
|
||||
|
||||
6
docs/404.md
Normal file
@@ -0,0 +1,6 @@
|
||||
# 404 Page Not Found
|
||||
|
||||
Page could not be found.
|
||||
|
||||
Return to [home](./index) or please use the links from the sidebar to find what
|
||||
you are looking for.
|
||||
100
docs/about.md
@@ -5,70 +5,70 @@ Documentation is built using open source toolchains. Contributions to our
|
||||
documentation is encouraged and welcome. As a contributor, please familiarize
|
||||
yourself with our documentation toolchain.
|
||||
|
||||
## `rocm-docs-core`
|
||||
## ReadTheDocs
|
||||
|
||||
[rocm-docs-core](https://github.com/RadeonOpenCompute/rocm-docs-core) is an AMD-maintained
|
||||
project that applies customization for our documentation. This
|
||||
project is the tool most ROCm repositories use as part of the documentation
|
||||
build. It is also available as a [pip package on PyPI](https://pypi.org/project/rocm-docs-core/).
|
||||
[ReadTheDocs](https://docs.readthedocs.io/en/stable/) is our front end for the
|
||||
our documentation. By front end, this is the tool that serves our HTML based
|
||||
documentation to our end users.
|
||||
|
||||
See the user and developer guides for rocm-docs-core at {doc}`rocm-docs-core documentation <rocm-docs-core:index>`.
|
||||
## Doxygen
|
||||
|
||||
[Doxygen](https://www.doxygen.nl/) is the most common inline code documentation
|
||||
standard. ROCm projects are use Doxygen for public API documentation (unless the
|
||||
upstream project is using a different tool).
|
||||
|
||||
## Sphinx
|
||||
|
||||
[Sphinx](https://www.sphinx-doc.org/en/master/) is a documentation generator
|
||||
originally used for Python. It is now widely used in the Open Source community.
|
||||
Originally, Sphinx supported reStructuredText (RST) based documentation, but
|
||||
Markdown support is now available.
|
||||
ROCm documentation plans to default to Markdown for new projects.
|
||||
Existing projects using RST are under no obligation to convert to Markdown. New
|
||||
projects that believe Markdown is not suitable should contact the documentation
|
||||
originally used for python. It is now widely used in the Open Source community.
|
||||
Originally, sphinx supported RST based documentation. Markdown support is now
|
||||
available. ROCm documentation plans to default to markdown for new projects.
|
||||
Existing projects using RST are under no obligation to convert to markdown. New
|
||||
projects that believe markdown is not suitable should contact the documentation
|
||||
team prior to selecting RST.
|
||||
|
||||
## Read the Docs
|
||||
|
||||
[Read the Docs](https://docs.readthedocs.io/en/stable/) is the service that builds
|
||||
and hosts the HTML documentation generated using Sphinx to our end users.
|
||||
|
||||
## Doxygen
|
||||
|
||||
[Doxygen](https://www.doxygen.nl/) is a documentation generator that extracts
|
||||
information from inline code.
|
||||
ROCm projects typically use Doxygen for public API documentation unless the
|
||||
upstream project uses a different tool.
|
||||
|
||||
### Breathe
|
||||
|
||||
[Breathe](https://www.breathe-doc.org/) is a Sphinx plugin to integrate Doxygen
|
||||
content.
|
||||
|
||||
### MyST
|
||||
|
||||
[Markedly Structured Text (MyST)](https://myst-tools.org/docs/spec) is an extended
|
||||
flavor of Markdown ([CommonMark](https://commonmark.org/)) influenced by reStructuredText (RST) and Sphinx.
|
||||
It is integrated into ROCm documentation by the Sphinx extension [`myst-parser`](https://myst-parser.readthedocs.io/en/latest/).
|
||||
A cheat sheet that showcases how to use the MyST syntax is available over at
|
||||
the [Jupyter reference](https://jupyterbook.org/en/stable/reference/cheatsheet.html).
|
||||
It is integrated via [`myst-parser`](https://myst-parser.readthedocs.io/en/latest/).
|
||||
A cheat sheet that showcases how to use the MyST syntax is available over at [the Jupyter
|
||||
reference](https://jupyterbook.org/en/stable/reference/cheatsheet.html).
|
||||
|
||||
### Sphinx External TOC
|
||||
### Sphinx Theme
|
||||
|
||||
[Sphinx External Table of Contents (TOC)](https://sphinx-external-toc.readthedocs.io/en/latest/intro.html)
|
||||
is a Sphinx extension used for ROCm documentation navigation. This tool generates a navigation menu on the left
|
||||
based on a YAML file that specifies the table of contents.
|
||||
It was selected due to its flexibility that allows scripts to operate on the
|
||||
YAML file. Please transition to this file for the project's navigation. You can
|
||||
see the `_toc.yml.in` file in this repository in the `docs/sphinx` folder for an
|
||||
example.
|
||||
|
||||
### Sphinx Book Theme
|
||||
|
||||
[Sphinx Book Theme](https://sphinx-book-theme.readthedocs.io/en/latest/) is a Sphinx theme
|
||||
that defines the base appearance for ROCm documentation.
|
||||
ROCm documentation applies some customization,
|
||||
such as a custom header and footer on top of the Sphinx Book Theme.
|
||||
ROCm is using the
|
||||
[Sphinx Book Theme](https://sphinx-book-theme.readthedocs.io/en/latest/). This
|
||||
theme is used by Jupyter books. ROCm documentation applies some customization
|
||||
include a header and footer on top of the Sphinx Book Theme. A future custom
|
||||
ROCm theme will be part of our documentation goals.
|
||||
|
||||
### Sphinx Design
|
||||
|
||||
[Sphinx Design](https://sphinx-design.readthedocs.io/en/latest/index.html) is a Sphinx extension that adds design
|
||||
functionality.
|
||||
ROCm documentation uses Sphinx Design for grids, cards, and synchronized tabs.
|
||||
Sphinx Design is an extension for sphinx based websites that add design
|
||||
functionality. Please see the documentation
|
||||
[here](https://sphinx-design.readthedocs.io/en/latest/index.html). ROCm
|
||||
documentation uses sphinx design for grids, cards, and synchronized tabs.
|
||||
Other features may be used in the future.
|
||||
|
||||
### Sphinx External TOC
|
||||
|
||||
ROCm uses the
|
||||
[sphinx-external-toc](https://sphinx-external-toc.readthedocs.io/en/latest/intro.html)
|
||||
for our navigation. This tool allows a YAML file based left navigation menu. This
|
||||
tool was selected due to its flexibility that allows scripts to operate on the
|
||||
YAML file. Please transition to this file for the project's navigation. You can
|
||||
see the `_toc.yml.in` file in this repository in the docs/sphinx folder for an
|
||||
example.
|
||||
|
||||
### Breathe
|
||||
|
||||
Sphinx uses [Breathe](https://www.breathe-doc.org/) to integrate Doxygen
|
||||
content.
|
||||
|
||||
## `rocm-docs-core` pip package
|
||||
|
||||
[rocm-docs-core](https://github.com/RadeonOpenCompute/rocm-docs-core) is an AMD
|
||||
maintained project that applies customization for our documentation. This
|
||||
project is the tool most ROCm repositories will use as part of the documentation
|
||||
build.
|
||||
|
||||
@@ -1,125 +0,0 @@
|
||||
# ROCm licensing terms
|
||||
|
||||
ROCm™ is released by Advanced Micro Devices, Inc. and is licensed per component separately.
|
||||
The following table is a list of ROCm components with links to their respective license
|
||||
terms. These components may include third party components subject to
|
||||
additional licenses. Please review individual repositories for more information.
|
||||
The table shows ROCm components, license name, and link to the license terms.
|
||||
|
||||
<!-- spellcheck-disable -->
|
||||
| Component | License |
|
||||
|:------------------------------------------------------------------------------------------------:|:--------------------------------------------------------------------------------------------------------------------------:|
|
||||
| [AMDMIGraphX](https://github.com/ROCmSoftwarePlatform/AMDMIGraphX/) | [MIT](https://github.com/ROCmSoftwarePlatform/AMDMIGraphX/blob/develop/LICENSE) |
|
||||
| [HIPCC](https://github.com/ROCm-Developer-Tools/HIPCC/blob/develop/LICENSE.txt) | [MIT](https://github.com/ROCm-Developer-Tools/HIPCC/blob/develop/LICENSE.txt) |
|
||||
| [HIPIFY](https://github.com/ROCm-Developer-Tools/HIPIFY/) | [MIT](https://github.com/ROCm-Developer-Tools/HIPIFY/blob/amd-staging/LICENSE.txt) |
|
||||
| [HIP](https://github.com/ROCm-Developer-Tools/HIP/) | [MIT](https://github.com/ROCm-Developer-Tools/HIP/blob/develop/LICENSE.txt) |
|
||||
| [MIOpenGEMM](https://github.com/ROCmSoftwarePlatform/MIOpenGEMM/) | [MIT](https://github.com/ROCmSoftwarePlatform/MIOpenGEMM/blob/master/LICENSE.txt) |
|
||||
| [MIOpen](https://github.com/ROCmSoftwarePlatform/MIOpen/) | [MIT](https://github.com/ROCmSoftwarePlatform/MIOpen/blob/master/LICENSE.txt) |
|
||||
| [MIVisionX](https://github.com/GPUOpen-ProfessionalCompute-Libraries/MIVisionX/) | [MIT](https://github.com/GPUOpen-ProfessionalCompute-Libraries/MIVisionX/blob/master/LICENSE.txt) |
|
||||
| [RCP](https://github.com/GPUOpen-Tools/radeon_compute_profiler/) | [MIT](https://github.com/GPUOpen-Tools/radeon_compute_profiler/blob/master/LICENSE) |
|
||||
| [ROCK-Kernel-Driver](https://github.com/RadeonOpenCompute/ROCK-Kernel-Driver/) | [GPL 2.0 WITH Linux-syscall-note](https://github.com/RadeonOpenCompute/ROCK-Kernel-Driver/blob/master/COPYING) |
|
||||
| [ROCR-Runtime](https://github.com/RadeonOpenCompute/ROCR-Runtime/) | [The University of Illinois/NCSA](https://github.com/RadeonOpenCompute/ROCR-Runtime/blob/master/LICENSE.txt) |
|
||||
| [ROCT-Thunk-Interface](https://github.com/RadeonOpenCompute/ROCT-Thunk-Interface/) | [MIT](https://github.com/RadeonOpenCompute/ROCT-Thunk-Interface/blob/master/LICENSE.md) |
|
||||
| [ROCclr](https://github.com/ROCm-Developer-Tools/ROCclr/) | [MIT](https://github.com/ROCm-Developer-Tools/ROCclr/blob/develop/LICENSE.txt) |
|
||||
| [ROCdbgapi](https://github.com/ROCm-Developer-Tools/ROCdbgapi/) | [MIT](https://github.com/ROCm-Developer-Tools/ROCdbgapi/blob/amd-master/LICENSE.txt) |
|
||||
| [ROCgdb](https://github.com/ROCm-Developer-Tools/ROCgdb/) | [GNU General Public License v2.0](https://github.com/ROCm-Developer-Tools/ROCgdb/blob/amd-master/COPYING) |
|
||||
| [ROCm-CompilerSupport](https://github.com/RadeonOpenCompute/ROCm-CompilerSupport/) | [The University of Illinois/NCSA](https://github.com/RadeonOpenCompute/ROCm-CompilerSupport/blob/amd-stg-open/LICENSE.txt) |
|
||||
| [ROCm-Device-Libs](https://github.com/RadeonOpenCompute/ROCm-Device-Libs/) | [The University of Illinois/NCSA](https://github.com/RadeonOpenCompute/ROCm-Device-Libs/blob/amd-stg-open/LICENSE.TXT) |
|
||||
| [ROCm-OpenCL-Runtime/api/opencl/khronos/icd](https://github.com/KhronosGroup/OpenCL-ICD-Loader/) | [Apache 2.0](https://github.com/KhronosGroup/OpenCL-ICD-Loader/blob/main/LICENSE) |
|
||||
| [ROCm-OpenCL-Runtime](https://github.com/RadeonOpenCompute/ROCm-OpenCL-Runtime/) | [MIT](https://github.com/RadeonOpenCompute/ROCm-OpenCL-Runtime/blob/develop/LICENSE.txt) |
|
||||
| [ROCmValidationSuite](https://github.com/ROCm-Developer-Tools/ROCmValidationSuite/) | [MIT](https://github.com/ROCm-Developer-Tools/ROCmValidationSuite/blob/master/LICENSE) |
|
||||
| [Tensile](https://github.com/ROCmSoftwarePlatform/Tensile/) | [MIT](https://github.com/ROCmSoftwarePlatform/Tensile/blob/develop/LICENSE.md) |
|
||||
| [aomp-extras](https://github.com/ROCm-Developer-Tools/aomp-extras/) | [MIT](https://github.com/ROCm-Developer-Tools/aomp-extras/blob/aomp-dev/LICENSE) |
|
||||
| [aomp](https://github.com/ROCm-Developer-Tools/aomp/) | [Apache 2.0](https://github.com/ROCm-Developer-Tools/aomp/blob/aomp-dev/LICENSE) |
|
||||
| [atmi](https://github.com/RadeonOpenCompute/atmi/) | [MIT](https://github.com/RadeonOpenCompute/atmi/blob/master/LICENSE.txt) |
|
||||
| [clang-ocl](https://github.com/RadeonOpenCompute/clang-ocl/) | [MIT](https://github.com/RadeonOpenCompute/clang-ocl/blob/master/LICENSE) |
|
||||
| [flang](https://github.com/ROCm-Developer-Tools/flang/) | [Apache 2.0](https://github.com/ROCm-Developer-Tools/flang/blob/master/LICENSE.txt) |
|
||||
| [half](https://github.com/ROCmSoftwarePlatform/half/) | [MIT](https://github.com/ROCmSoftwarePlatform/half/blob/master/LICENSE.txt) |
|
||||
| [hipBLAS](https://github.com/ROCmSoftwarePlatform/hipBLAS/) | [MIT](https://github.com/ROCmSoftwarePlatform/hipBLAS/blob/develop/LICENSE.md) |
|
||||
| [hipCUB](https://github.com/ROCmSoftwarePlatform/hipCUB/) | [Custom](https://github.com/ROCmSoftwarePlatform/hipCUB/blob/develop/LICENSE.txt) |
|
||||
| [hipFFT](https://github.com/ROCmSoftwarePlatform/hipFFT/) | [MIT](https://github.com/ROCmSoftwarePlatform/hipFFT/blob/develop/LICENSE.md) |
|
||||
| [hipSOLVER](https://github.com/ROCmSoftwarePlatform/hipSOLVER/) | [MIT](https://github.com/ROCmSoftwarePlatform/hipSOLVER/blob/develop/LICENSE.md) |
|
||||
| [hipSPARSELt](https://github.com/ROCmSoftwarePlatform/hipSPARSELt/) | [MIT](https://github.com/ROCmSoftwarePlatform/hipSPARSELt/blob/develop/LICENSE.md) |
|
||||
| [hipSPARSE](https://github.com/ROCmSoftwarePlatform/hipSPARSE/) | [MIT](https://github.com/ROCmSoftwarePlatform/hipSPARSE/blob/develop/LICENSE.md) |
|
||||
| [hipTensor](https://github.com/ROCmSoftwarePlatform/hipTensor) | [MIT](https://github.com/ROCmSoftwarePlatform/hipTensor/blob/develop/LICENSE) |
|
||||
| [hipamd](https://github.com/ROCm-Developer-Tools/hipamd/) | [MIT](https://github.com/ROCm-Developer-Tools/hipamd/blob/develop/LICENSE.txt) |
|
||||
| [hipfort](https://github.com/ROCmSoftwarePlatform/hipfort/) | [MIT](https://github.com/ROCmSoftwarePlatform/hipfort/blob/master/LICENSE) |
|
||||
| [llvm-project](https://github.com/ROCm-Developer-Tools/llvm-project/) | [Apache](https://github.com/ROCm-Developer-Tools/llvm-project/blob/main/LICENSE.TXT) |
|
||||
| [rccl](https://github.com/ROCmSoftwarePlatform/rccl/) | [Custom](https://github.com/ROCmSoftwarePlatform/rccl/blob/develop/LICENSE.txt) |
|
||||
| [rdc](https://github.com/RadeonOpenCompute/rdc/) | [MIT](https://github.com/RadeonOpenCompute/rdc/blob/master/LICENSE) |
|
||||
| [rocALUTION](https://github.com/ROCmSoftwarePlatform/rocALUTION/) | [MIT](https://github.com/ROCmSoftwarePlatform/rocALUTION/blob/develop/LICENSE.md) |
|
||||
| [rocBLAS](https://github.com/ROCmSoftwarePlatform/rocBLAS/) | [MIT](https://github.com/ROCmSoftwarePlatform/rocBLAS/blob/develop/LICENSE.md) |
|
||||
| [rocFFT](https://github.com/ROCmSoftwarePlatform/rocFFT/) | [MIT](https://github.com/ROCmSoftwarePlatform/rocFFT/blob/develop/LICENSE.md) |
|
||||
| [rocPRIM](https://github.com/ROCmSoftwarePlatform/rocPRIM/) | [MIT](https://github.com/ROCmSoftwarePlatform/rocPRIM/blob/develop/LICENSE.txt) |
|
||||
| [rocRAND](https://github.com/ROCmSoftwarePlatform/rocRAND/) | [MIT](https://github.com/ROCmSoftwarePlatform/rocRAND/blob/develop/LICENSE.txt) |
|
||||
| [rocSOLVER](https://github.com/ROCmSoftwarePlatform/rocSOLVER/) | [BSD-2-Clause](https://github.com/ROCmSoftwarePlatform/rocSOLVER/blob/develop/LICENSE.md) |
|
||||
| [rocSPARSE](https://github.com/ROCmSoftwarePlatform/rocSPARSE/) | [MIT](https://github.com/ROCmSoftwarePlatform/rocSPARSE/blob/develop/LICENSE.md) |
|
||||
| [rocThrust](https://github.com/ROCmSoftwarePlatform/rocThrust/) | [Apache 2.0](https://github.com/ROCmSoftwarePlatform/rocThrust/blob/develop/LICENSE) |
|
||||
| [rocWMMA](https://github.com/ROCmSoftwarePlatform/rocWMMA/) | [MIT](https://github.com/ROCmSoftwarePlatform/rocWMMA/blob/develop/LICENSE.md) |
|
||||
| [rocm-cmake](https://github.com/RadeonOpenCompute/rocm-cmake/) | [MIT](https://github.com/RadeonOpenCompute/rocm-cmake/blob/develop/LICENSE) |
|
||||
| [rocm_bandwidth_test](https://github.com/RadeonOpenCompute/rocm_bandwidth_test/) | [The University of Illinois/NCSA](https://github.com/RadeonOpenCompute/rocm_bandwidth_test/blob/master/LICENSE.txt) |
|
||||
| [rocm_smi_lib](https://github.com/RadeonOpenCompute/rocm_smi_lib/) | [The University of Illinois/NCSA](https://github.com/RadeonOpenCompute/rocm_smi_lib/blob/master/License.txt) |
|
||||
| [rocminfo](https://github.com/RadeonOpenCompute/rocminfo/) | [The University of Illinois/NCSA](https://github.com/RadeonOpenCompute/rocminfo/blob/master/License.txt) |
|
||||
| [rocprofiler](https://github.com/ROCm-Developer-Tools/rocprofiler/) | [MIT](https://github.com/ROCm-Developer-Tools/rocprofiler/blob/amd-master/LICENSE) |
|
||||
| [rocr_debug_agent](https://github.com/ROCm-Developer-Tools/rocr_debug_agent/) | [The University of Illinois/NCSA](https://github.com/ROCm-Developer-Tools/rocr_debug_agent/blob/master/LICENSE.txt) |
|
||||
| [roctracer](https://github.com/ROCm-Developer-Tools/roctracer/) | [MIT](https://github.com/ROCm-Developer-Tools/roctracer/blob/amd-master/LICENSE) |
|
||||
| rocm-llvm-alt | [AMD Proprietary License](https://www.amd.com/en/support/amd-software-eula)
|
||||
|
||||
Open sourced ROCm components are released via public GitHub
|
||||
repositories, packages on https://repo.radeon.com and other distribution channels.
|
||||
Proprietary products are only available on https://repo.radeon.com. Currently, only
|
||||
one component of ROCm, rocm-llvm-alt is governed by a proprietary license.
|
||||
Proprietary components are organized in a proprietary subdirectory in the package
|
||||
repositories to distinguish from open sourced packages.
|
||||
|
||||
The additional terms and conditions below apply to your use of ROCm technical
|
||||
documentation.
|
||||
|
||||
©2023 Advanced Micro Devices, Inc. All rights reserved.
|
||||
|
||||
The information presented in this document is for informational purposes only
|
||||
and may contain technical inaccuracies, omissions, and typographical errors. The
|
||||
information contained herein is subject to change and may be rendered inaccurate
|
||||
for many reasons, including but not limited to product and roadmap changes,
|
||||
component and motherboard version changes, new model and/or product releases,
|
||||
product differences between differing manufacturers, software changes, BIOS
|
||||
flashes, firmware upgrades, or the like. Any computer system has risks of
|
||||
security vulnerabilities that cannot be completely prevented or mitigated. AMD
|
||||
assumes no obligation to update or otherwise correct or revise this information.
|
||||
However, AMD reserves the right to revise this information and to make changes
|
||||
from time to time to the content hereof without obligation of AMD to notify any
|
||||
person of such revisions or changes.
|
||||
|
||||
THIS INFORMATION IS PROVIDED “AS IS.” AMD MAKES NO REPRESENTATIONS OR WARRANTIES
|
||||
WITH RESPECT TO THE CONTENTS HEREOF AND ASSUMES NO RESPONSIBILITY FOR ANY
|
||||
INACCURACIES, ERRORS, OR OMISSIONS THAT MAY APPEAR IN THIS INFORMATION. AMD
|
||||
SPECIFICALLY DISCLAIMS ANY IMPLIED WARRANTIES OF NON-INFRINGEMENT,
|
||||
MERCHANTABILITY, OR FITNESS FOR ANY PARTICULAR PURPOSE. IN NO EVENT WILL AMD BE
|
||||
LIABLE TO ANY PERSON FOR ANY RELIANCE, DIRECT, INDIRECT, SPECIAL, OR OTHER
|
||||
CONSEQUENTIAL DAMAGES ARISING FROM THE USE OF ANY INFORMATION CONTAINED HEREIN,
|
||||
EVEN IF AMD IS EXPRESSLY ADVISED OF THE POSSIBILITY OF SUCH DAMAGES.
|
||||
|
||||
AMD, the AMD Arrow logo, ROCm, and combinations thereof are trademarks of
|
||||
Advanced Micro Devices, Inc. Other product names used in this publication are
|
||||
for identification purposes only and may be trademarks of their respective
|
||||
companies.
|
||||
|
||||
## Package licensing
|
||||
|
||||
```{attention}
|
||||
AQL Profiler and AOCC CPU optimization are both provided in binary form, each
|
||||
subject to the license agreement enclosed in the directory for the binary and is
|
||||
available here: `/opt/rocm/share/doc/rocm-llvm-alt/EULA`. By using, installing,
|
||||
copying or distributing AQL Profiler and/or AOCC CPU Optimizations, you agree to
|
||||
the terms and conditions of this license agreement. If you do not agree to the
|
||||
terms of this agreement, do not install, copy or use the AQL Profiler and/or the
|
||||
AOCC CPU Optimizations.
|
||||
```
|
||||
|
||||
For the rest of the ROCm packages, you can find the licensing information at the
|
||||
following location: `/opt/rocm/share/doc/<component-name>/`
|
||||
|
||||
For example, you can fetch the licensing information of the `_amd_comgr_`
|
||||
component (Code Object Manager) from the `amd_comgr` folder. A file named
|
||||
`LICENSE.txt` contains the license details at:
|
||||
`/opt/rocm-5.4.3/share/doc/amd_comgr/LICENSE.txt`
|
||||
98
docs/conf.py
@@ -5,61 +5,47 @@
|
||||
# https://www.sphinx-doc.org/en/master/usage/configuration.html
|
||||
|
||||
import shutil
|
||||
import jinja2
|
||||
import os
|
||||
shutil.copy2('../CONTRIBUTING.md','./contributing.md')
|
||||
shutil.copy2('../RELEASE.md','./release.md')
|
||||
|
||||
|
||||
from rocm_docs import ROCmDocs
|
||||
|
||||
# Environement to process Jinja templates.
|
||||
jinja_env = jinja2.Environment(loader=jinja2.FileSystemLoader("."))
|
||||
|
||||
# Jinja templates to render out.
|
||||
templates = [
|
||||
"./deploy/linux/quick_start.md.jinja",
|
||||
"./deploy/linux/installer/install.md.jinja",
|
||||
"./deploy/linux/os-native/install.md.jinja"
|
||||
# working anchors that linkcheck cannot find
|
||||
linkcheck_anchors_ignore = [
|
||||
'd90e61',
|
||||
'd1667e113',
|
||||
'd2999e60',
|
||||
'building-from-source',
|
||||
'use-the-rocm-build-tool-rbuild',
|
||||
'use-cmake-to-build-migraphx',
|
||||
'example'
|
||||
]
|
||||
linkcheck_ignore = [
|
||||
# site to be built
|
||||
"https://rocmdocs.amd.com/projects/ROCmCC/en/latest/",
|
||||
"https://rocmdocs.amd.com/projects/amdsmi/en/latest/",
|
||||
"https://rocmdocs.amd.com/projects/rdc/en/latest/",
|
||||
"https://rocmdocs.amd.com/projects/rocmsmi/en/latest/",
|
||||
"https://rocmdocs.amd.com/projects/roctracer/en/latest/",
|
||||
"https://rocmdocs.amd.com/projects/MIGraphX/en/latest/",
|
||||
"https://rocmdocs.amd.com/projects/rocprofiler/en/latest/",
|
||||
# correct links that linkcheck times out on
|
||||
"https://github.com/ROCm-Developer-Tools/HIP-VS/blob/master/README.md",
|
||||
r"https://www.amd.com/system/files/.*.pdf",
|
||||
"https://www.amd.com/en/developer/aocc.html",
|
||||
"https://www.amd.com/en/support/linux-drivers",
|
||||
"https://www.amd.com/en/technologies/infinity-hub",
|
||||
r"https://bitbucket.org/icl/magma/*",
|
||||
"http://cs231n.stanford.edu/"
|
||||
]
|
||||
|
||||
# Render templates and output files without the last extension.
|
||||
# For example: 'install.md.jinja' becomes 'install.md'.
|
||||
for template in templates:
|
||||
rendered = jinja_env.get_template(template).render()
|
||||
with open(os.path.splitext(template)[0], 'w') as file:
|
||||
file.write(rendered)
|
||||
|
||||
shutil.copy2('../CONTRIBUTING.md','./contributing.md')
|
||||
shutil.copy2('../RELEASE.md','./release.md')
|
||||
# Keep capitalization due to similar linking on GitHub's markdown preview.
|
||||
shutil.copy2('../CHANGELOG.md','./CHANGELOG.md')
|
||||
|
||||
latex_engine = "xelatex"
|
||||
latex_elements = {
|
||||
"fontpkg": r"""
|
||||
\usepackage{tgtermes}
|
||||
\usepackage{tgheros}
|
||||
\renewcommand\ttdefault{txtt}
|
||||
"""
|
||||
}
|
||||
|
||||
# configurations for PDF output by Read the Docs
|
||||
project = "ROCm Documentation"
|
||||
author = "Advanced Micro Devices, Inc."
|
||||
copyright = "Copyright (c) 2023 Advanced Micro Devices, Inc. All rights reserved."
|
||||
version = "5.7.1"
|
||||
release = "5.7.1"
|
||||
|
||||
setting_all_article_info = True
|
||||
all_article_info_os = ["linux", "windows"]
|
||||
all_article_info_os = ["linux"]
|
||||
all_article_info_author = ""
|
||||
|
||||
# pages with specific settings
|
||||
article_pages = [
|
||||
{
|
||||
"file":"release",
|
||||
"os":["linux", "windows"],
|
||||
"date":"2023-07-27"
|
||||
},
|
||||
|
||||
{"file":"deploy/linux/index", "os":["linux"]},
|
||||
{"file":"deploy/linux/install_overview", "os":["linux"]},
|
||||
{"file":"deploy/linux/prerequisites", "os":["linux"]},
|
||||
@@ -70,20 +56,7 @@ article_pages = [
|
||||
{"file":"deploy/linux/package_manager_integration", "os":["linux"]},
|
||||
{"file":"deploy/docker", "os":["linux"]},
|
||||
|
||||
{"file":"deploy/windows/cli/index", "os":["windows"]},
|
||||
{"file":"deploy/windows/cli/install", "os":["windows"]},
|
||||
{"file":"deploy/windows/cli/uninstall", "os":["windows"]},
|
||||
{"file":"deploy/windows/cli/upgrade", "os":["windows"]},
|
||||
{"file":"deploy/windows/gui/index", "os":["windows"]},
|
||||
{"file":"deploy/windows/gui/install", "os":["windows"]},
|
||||
{"file":"deploy/windows/gui/uninstall", "os":["windows"]},
|
||||
{"file":"deploy/windows/gui/upgrade", "os":["windows"]},
|
||||
{"file":"deploy/windows/index", "os":["windows"]},
|
||||
{"file":"deploy/windows/prerequisites", "os":["windows"]},
|
||||
{"file":"deploy/windows/quick_start", "os":["windows"]},
|
||||
|
||||
{"file":"release/gpu_os_support", "os":["linux"]},
|
||||
{"file":"release/windows_support", "os":["windows"]},
|
||||
{"file":"release/docker_support_matrix", "os":["linux"]},
|
||||
|
||||
{"file":"reference/gpu_libraries/communication", "os":["linux"]},
|
||||
@@ -100,7 +73,7 @@ article_pages = [
|
||||
{"file":"how_to/system_debugging", "os":["linux"]},
|
||||
{"file":"how_to/tensorflow_install/tensorflow_install", "os":["linux"]},
|
||||
|
||||
{"file":"examples/machine_learning", "os":["linux"]},
|
||||
{"file":"examples/ai_ml_inferencing", "os":["linux"]},
|
||||
{"file":"examples/inception_casestudy/inception_casestudy", "os":["linux"]},
|
||||
|
||||
{"file":"understand/file_reorg", "os":["linux"]},
|
||||
@@ -110,13 +83,8 @@ article_pages = [
|
||||
|
||||
external_toc_path = "./sphinx/_toc.yml"
|
||||
|
||||
docs_core = ROCmDocs("ROCm 5.7.1 Documentation Home")
|
||||
docs_core = ROCmDocs("ROCm Documentation")
|
||||
docs_core.setup()
|
||||
|
||||
external_projects_current_project = "rocm"
|
||||
|
||||
for sphinx_var in ROCmDocs.SPHINX_VARS:
|
||||
globals()[sphinx_var] = getattr(docs_core, sphinx_var)
|
||||
html_theme_options = {
|
||||
"link_main_doc": False
|
||||
}
|
||||
|
||||
@@ -1,165 +0,0 @@
|
||||
# Building Documentation
|
||||
|
||||
While contributing, one may build the documentation locally on the command-line
|
||||
or rely on Continuous Integration for previewing the resulting HTML pages in a
|
||||
browser.
|
||||
|
||||
## Pull Request documentation builds
|
||||
|
||||
When opening a PR to the `develop` branch on GitHub, the page corresponding to
|
||||
the PR (`https://github.com/RadeonOpenCompute/ROCm/pull/<pr_number>`) will have
|
||||
a summary at the bottom. This requires the user be logged in to GitHub.
|
||||
|
||||
- There, click `Show all checks` and `Details` of the Read the Docs pipeline. It
|
||||
will take you to a URL of the form
|
||||
`https://readthedocs.com/projects/advanced-micro-devices-rocm/builds/<some_build_num>/`
|
||||
- The list of commands shown are the exact ones used by CI to produce a render
|
||||
of the documentation.
|
||||
- There, click on the small blue link `View docs` (which is not the same as the
|
||||
bigger button with the same text). It will take you to the built HTML site with
|
||||
a URL of the form
|
||||
`https://advanced-micro-devices-demo--<pr_number>.com.readthedocs.build/projects/alpha/en/<pr_number>/`.
|
||||
|
||||
## Build documentation from the Command Line
|
||||
|
||||
Python versions known to build documentation:
|
||||
|
||||
- 3.8
|
||||
|
||||
To build the docs locally using Python Virtual Environment (`venv`), execute the
|
||||
following commands from the project root:
|
||||
|
||||
```sh
|
||||
python3 -mvenv .venv
|
||||
# Windows
|
||||
.venv/Scripts/python -m pip install -r docs/sphinx/requirements.txt
|
||||
.venv/Scripts/python -m sphinx -T -E -b html -d _build/doctrees -D language=en docs _build/html
|
||||
# Linux
|
||||
.venv/bin/python -m pip install -r docs/sphinx/requirements.txt
|
||||
.venv/bin/python -m sphinx -T -E -b html -d _build/doctrees -D language=en docs _build/html
|
||||
```
|
||||
|
||||
Then open up `_build/html/index.html` in your favorite browser.
|
||||
|
||||
## Build documentation using Visual Studio (VS) Code
|
||||
|
||||
One can put together a productive environment to author documentation and also
|
||||
test it locally using VS Code with only a handful of extensions. Even though the
|
||||
extension landscape of VS Code is ever changing, here is one example setup that
|
||||
proved useful at the time of writing. In it, one can change/add content, build a
|
||||
new version of the docs using a single VS Code Task (or hotkey), see all errors/
|
||||
warnings emitted by Sphinx in the Problems pane and immediately see the
|
||||
resulting website show up on a locally-served web server.
|
||||
|
||||
### Configuring VS Code
|
||||
|
||||
1. Install the following extensions:
|
||||
|
||||
- Python `(ms-python.python)`
|
||||
- Live Server `(ritwickdey.LiveServer)`
|
||||
|
||||
2. Add the following entries in `.vscode/settings.json`
|
||||
|
||||
```json
|
||||
{
|
||||
"liveServer.settings.root": "/.vscode/build/html",
|
||||
"liveServer.settings.wait": 1000,
|
||||
"python.terminal.activateEnvInCurrentTerminal": true
|
||||
}
|
||||
```
|
||||
|
||||
The settings above are used for the following reasons:
|
||||
- `liveServer.settings.root`: Sets the root of the output website for live previews. Must be changed
|
||||
alongside the `tasks.json` command.
|
||||
- `liveServer.settings.wait`: Tells live server to wait with the update to give time for Sphinx to
|
||||
regenerate site contents and not refresh before all is done. (Empirical value)
|
||||
- `python.terminal.activateEnvInCurrentTerminal`: Automatic virtual environment activation is a nice touch,
|
||||
should you want to build the site from the integrated terminal.
|
||||
|
||||
3. Add the following tasks in `.vscode/tasks.json`
|
||||
|
||||
```json
|
||||
{
|
||||
"version": "2.0.0",
|
||||
"tasks": [
|
||||
{
|
||||
"label": "Build Docs",
|
||||
"type": "process",
|
||||
"windows": {
|
||||
"command": "${workspaceFolder}/.venv/Scripts/python.exe"
|
||||
},
|
||||
"command": "${workspaceFolder}/.venv/bin/python3",
|
||||
"args": [
|
||||
"-m",
|
||||
"sphinx",
|
||||
"-j",
|
||||
"auto",
|
||||
"-T",
|
||||
"-b",
|
||||
"html",
|
||||
"-d",
|
||||
"${workspaceFolder}/.vscode/build/doctrees",
|
||||
"-D",
|
||||
"language=en",
|
||||
"${workspaceFolder}/docs",
|
||||
"${workspaceFolder}/.vscode/build/html"
|
||||
],
|
||||
"problemMatcher": [
|
||||
{
|
||||
"owner": "sphinx",
|
||||
"fileLocation": "absolute",
|
||||
"pattern": {
|
||||
"regexp": "^(?:.*\\.{3}\\s+)?(\\/[^:]*|[a-zA-Z]:\\\\[^:]*):(\\d+):\\s+(WARNING|ERROR):\\s+(.*)$",
|
||||
"file": 1,
|
||||
"line": 2,
|
||||
"severity": 3,
|
||||
"message": 4
|
||||
},
|
||||
},
|
||||
{
|
||||
"owner": "sphinx",
|
||||
"fileLocation": "absolute",
|
||||
"pattern": {
|
||||
"regexp": "^(?:.*\\.{3}\\s+)?(\\/[^:]*|[a-zA-Z]:\\\\[^:]*):{1,2}\\s+(WARNING|ERROR):\\s+(.*)$",
|
||||
"file": 1,
|
||||
"severity": 2,
|
||||
"message": 3
|
||||
}
|
||||
}
|
||||
],
|
||||
"group": {
|
||||
"kind": "build",
|
||||
"isDefault": true
|
||||
}
|
||||
},
|
||||
],
|
||||
}
|
||||
```
|
||||
|
||||
> (Implementation detail: two problem matchers were needed to be defined,
|
||||
> because VS Code doesn't tolerate some problem information being potentially
|
||||
> absent. While a single regex could match all types of errors, if a capture
|
||||
> group remains empty (the line number doesn't show up in all warning/error
|
||||
> messages) but the `pattern` references said empty capture group, VS Code
|
||||
> discards the message completely.)
|
||||
|
||||
4. Configure Python virtual environment (`venv`)
|
||||
|
||||
- From the Command Palette, run `Python: Create Environment`
|
||||
- Select `venv` environment and the `docs/sphinx/requirements.txt` file.
|
||||
_(Simply pressing enter while hovering over the file from the drop down is
|
||||
insufficient, one has to select the radio button with the 'Space' key if
|
||||
using the keyboard.)_
|
||||
|
||||
5. Build the docs
|
||||
|
||||
- Launch the default build Task using either:
|
||||
- a hotkey _(default is `Ctrl+Shift+B`)_ or
|
||||
- by issuing the `Tasks: Run Build Task` from the Command Palette.
|
||||
|
||||
6. Open the live preview
|
||||
|
||||
- Navigate to the output of the site within VS Code, right-click on
|
||||
`.vscode/build/html/index.html` and select `Open with Live Server`. The
|
||||
contents should update on every rebuild without having to refresh the
|
||||
browser.
|
||||
@@ -1,27 +0,0 @@
|
||||
# How to provide feedback for ROCm documentation
|
||||
|
||||
There are four standard ways to provide feedback for this repository.
|
||||
|
||||
## Pull Request
|
||||
|
||||
All contributions to ROCm documentation should arrive via the
|
||||
[GitHub Flow](https://docs.github.com/en/get-started/quickstart/github-flow)
|
||||
targeting the develop branch of the repository. If you are unable to contribute
|
||||
via the GitHub Flow, feel free to email us.
|
||||
|
||||
## GitHub Discussions
|
||||
|
||||
To ask questions or view answers to frequently asked questions, refer to
|
||||
[GitHub Discussions](https://github.com/RadeonOpenCompute/ROCm/discussions).
|
||||
On GitHub Discussions, in addition to asking and answering questions,
|
||||
members can share updates, have open-ended conversations,
|
||||
and follow along on via public announcements.
|
||||
|
||||
## GitHub Issue
|
||||
|
||||
Issues on existing or absent docs can be filed as
|
||||
[GitHub Issues](https://github.com/RadeonOpenCompute/ROCm/issues).
|
||||
|
||||
## Email
|
||||
|
||||
Send other feedback or questions to [rocm-feedback@amd.com](rocm-feedback@amd.com)
|
||||
BIN
docs/data/deploy/quick_start_windows/AMD-Display-Driver.png
Normal file
|
After Width: | Height: | Size: 163 KiB |
BIN
docs/data/deploy/quick_start_windows/AMD-Logo.png
Normal file
|
After Width: | Height: | Size: 2.1 KiB |
BIN
docs/data/deploy/quick_start_windows/BitCode-Profiler.png
Normal file
|
After Width: | Height: | Size: 34 KiB |
BIN
docs/data/deploy/quick_start_windows/DeSelectAll.png
Normal file
|
After Width: | Height: | Size: 183 KiB |
BIN
docs/data/deploy/quick_start_windows/HIP-Libraries.png
Normal file
|
After Width: | Height: | Size: 40 KiB |
BIN
docs/data/deploy/quick_start_windows/HIP-Ray-Tracing.png
Normal file
|
After Width: | Height: | Size: 40 KiB |
BIN
docs/data/deploy/quick_start_windows/HIP-Runtime-Compiler.png
Normal file
|
After Width: | Height: | Size: 36 KiB |
BIN
docs/data/deploy/quick_start_windows/HIP-SDK-Core.png
Normal file
|
After Width: | Height: | Size: 38 KiB |
BIN
docs/data/deploy/quick_start_windows/Installation-Complete.png
Normal file
|
After Width: | Height: | Size: 407 KiB |
BIN
docs/data/deploy/quick_start_windows/Installation.png
Normal file
|
After Width: | Height: | Size: 465 KiB |
BIN
docs/data/deploy/quick_start_windows/Installer-Window.png
Normal file
|
After Width: | Height: | Size: 207 KiB |
BIN
docs/data/deploy/quick_start_windows/Loading-Window.png
Normal file
|
After Width: | Height: | Size: 461 KiB |
BIN
docs/data/deploy/quick_start_windows/LoadingWindow.png
Normal file
|
After Width: | Height: | Size: 461 KiB |
|
Before Width: | Height: | Size: 3.5 KiB After Width: | Height: | Size: 3.5 KiB |
BIN
docs/data/deploy/quick_start_windows/Uninstallation.png
Normal file
|
After Width: | Height: | Size: 412 KiB |
BIN
docs/data/deploy/quick_start_windows/Windows-Security.png
Normal file
|
After Width: | Height: | Size: 68 KiB |
1
docs/data/deploy/quick_start_windows/image planning
Normal file
@@ -0,0 +1 @@
|
||||
|
||||
|
Before Width: | Height: | Size: 3.6 KiB |
|
Before Width: | Height: | Size: 3.5 KiB |
|
Before Width: | Height: | Size: 114 KiB |
|
Before Width: | Height: | Size: 110 KiB |
|
Before Width: | Height: | Size: 26 KiB |
|
Before Width: | Height: | Size: 26 KiB |
|
Before Width: | Height: | Size: 228 KiB |
|
Before Width: | Height: | Size: 796 KiB |
|
Before Width: | Height: | Size: 310 KiB |
|
Before Width: | Height: | Size: 309 KiB |
|
Before Width: | Height: | Size: 9.4 KiB |
|
Before Width: | Height: | Size: 11 KiB |
|
Before Width: | Height: | Size: 12 KiB |
|
Before Width: | Height: | Size: 12 KiB |
|
Before Width: | Height: | Size: 12 KiB |
|
Before Width: | Height: | Size: 17 KiB |
|
Before Width: | Height: | Size: 789 KiB |
|
Before Width: | Height: | Size: 801 KiB |
|
Before Width: | Height: | Size: 102 KiB |
|
Before Width: | Height: | Size: 102 KiB |
BIN
docs/data/how_to/magma_install/image.006.png
Normal file
|
After Width: | Height: | Size: 32 KiB |
|
Before Width: | Height: | Size: 323 KiB |
44
docs/deploy.md
Normal file
@@ -0,0 +1,44 @@
|
||||
# Deploy
|
||||
|
||||
Please follow the guides below to begin your ROCm journey. ROCm can be consumed
|
||||
via many mechanisms.
|
||||
:::::{grid} 1 1 3 3
|
||||
:gutter: 1
|
||||
|
||||
::::{grid-item-card}
|
||||
:padding: 2
|
||||
Quick Start
|
||||
^^^
|
||||
|
||||
- [Linux](quick_start)
|
||||
- [Windows](hip_sdk_install_win/hip_sdk_install_win)
|
||||
|
||||
::::
|
||||
|
||||
::::{grid-item-card}
|
||||
:padding: 2
|
||||
Docker
|
||||
^^^
|
||||
|
||||
- [Guide](deploy/docker)
|
||||
- [Dockerhub](https://hub.docker.com/u/rocm/)
|
||||
|
||||
::::
|
||||
|
||||
::::{grid-item-card}
|
||||
:padding: 2
|
||||
[Advanced](deploy/advanced)
|
||||
^^^
|
||||
|
||||
- [Uninstall](deploy/advanced/uninstall)
|
||||
- [Multi-ROCm Installations](deploy/advanced/multi)
|
||||
- [spack](deploy/advanced/spack)
|
||||
- [Build from Source](deploy/advanced/build_source)
|
||||
|
||||
::::
|
||||
|
||||
:::::
|
||||
|
||||
## Related Information
|
||||
|
||||
[Release Information](release)
|
||||
@@ -4,9 +4,9 @@
|
||||
|
||||
Docker containers share the kernel with the host operating system, therefore the
|
||||
ROCm kernel-mode driver must be installed on the host. Please refer to
|
||||
{ref}`using-the-package-manager` on installing `amdgpu-dkms`. The other
|
||||
user-space parts (like the HIP-runtime or math libraries) of the ROCm stack will
|
||||
be loaded from the container image and don't need to be installed to the host.
|
||||
[](/deploy/linux/install) for details. The other user-space parts
|
||||
(like the HIP-runtime or math libraries) of the ROCm stack will be loaded from
|
||||
the container image and don't need to be installed to the host.
|
||||
|
||||
(docker-access-gpus-in-container)=
|
||||
|
||||
@@ -27,7 +27,7 @@ option, i.e. to allow access to all GPUs expose `/dev/kfd` and all
|
||||
`/dev/dri/renderD` devices:
|
||||
|
||||
```shell
|
||||
docker run --device /dev/kfd --device /dev/dri/renderD128 --device /dev/dri/renderD129 ...
|
||||
docker run --device /dev/kfd --device /dev/renderD128 --device /dev/renderD129 ...
|
||||
```
|
||||
|
||||
More conveniently, instead of listing all devices, the entire `/dev/dri` folder
|
||||
|
||||
@@ -1,13 +1,17 @@
|
||||
# Deploy ROCm on Linux
|
||||
|
||||
Start with {doc}`/deploy/linux/quick_start` or follow the detailed
|
||||
instructions below.
|
||||
Please start with the [Quick Start Linux](quick_start) or follow the detailed instructions below.
|
||||
|
||||
## Prepare to Install
|
||||
|
||||
::::{grid} 1 1 2 2
|
||||
::::{grid} 2 3 3 3
|
||||
:gutter: 1
|
||||
|
||||
:::{grid-item-card} Overview
|
||||
:link: install
|
||||
:link-type: doc
|
||||
|
||||
Overview and comparison of the different ways to install ROCm.
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Prerequisites
|
||||
:link: prerequisites
|
||||
:link-type: doc
|
||||
@@ -15,39 +19,37 @@ instructions below.
|
||||
The prerequisites page lists the required steps *before* installation.
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Install Choices
|
||||
:link: install_overview
|
||||
:::{grid-item-card} Installation
|
||||
:link: install
|
||||
:link-type: doc
|
||||
|
||||
Package manager vs AMDGPU Installer
|
||||
|
||||
Standard Packages vs Multi-Version Packages
|
||||
Detailed steps to install with the package manager or with the installation
|
||||
script, including multi-version installation. Recommended for most users.
|
||||
:::
|
||||
|
||||
::::
|
||||
|
||||
## Choose your install method
|
||||
|
||||
::::{grid} 1 1 2 2
|
||||
:gutter: 1
|
||||
|
||||
:::{grid-item-card} Package Manager
|
||||
:link: os-native/index
|
||||
:::{grid-item-card} Upgrading
|
||||
:link: upgrade
|
||||
:link-type: doc
|
||||
|
||||
Directly use your distribution's package manager to install ROCm.
|
||||
Instructions for upgrading an existing ROCm installation.
|
||||
:::
|
||||
|
||||
:::{grid-item-card} AMDGPU Installer
|
||||
:link: installer/index
|
||||
:::{grid-item-card} Uninstallation
|
||||
:link: uninstall
|
||||
:link-type: doc
|
||||
|
||||
Use an installer tool that orchestrates changes via the package
|
||||
manager.
|
||||
Steps for removing ROCm packages libraries and tools.
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Package Manager Integration
|
||||
:link: package_manager_integration
|
||||
:link-type: doc
|
||||
|
||||
Information about (meta-)packages in the ROCm ecosystem.
|
||||
:::
|
||||
|
||||
::::
|
||||
|
||||
## See Also
|
||||
|
||||
- {doc}`/release/gpu_os_support`
|
||||
- [GPU and OS Support Linux](../../gpu_os_support.md)
|
||||
|
||||
956
docs/deploy/linux/install.md
Normal file
@@ -0,0 +1,956 @@
|
||||
# Installation (Linux)
|
||||
|
||||
Installing can be done in one of two ways, depending on your preference:
|
||||
|
||||
- Using an installer script
|
||||
- Through your system's package manager
|
||||
|
||||
```{attention}
|
||||
For information on installing ROCm on devices with NVIDIA GPUs, refer to the HIP
|
||||
Installation Guide.
|
||||
```
|
||||
|
||||
(install-script-method)=
|
||||
|
||||
## Installer Script Method
|
||||
|
||||
The installer script method automates the installation process for the AMDGPU
|
||||
and ROCm stack. The installer script handles the complete installation process
|
||||
for ROCm, including setting up the repository, cleaning the system, updating,
|
||||
and installing the desired drivers and meta-packages. With this approach, the
|
||||
system has more control over the ROCm installation process. Thus, those who are
|
||||
less familiar with the Linux standard commands can choose this method for ROCm
|
||||
installation.
|
||||
|
||||
For AMDGPU and ROCm installation using the installer script method on Linux
|
||||
distribution, follow these steps:
|
||||
|
||||
1. **Meet prerequisites** – Ensure the Prerequisites are met before downloading
|
||||
and installing the installer using the installer script method.
|
||||
|
||||
2. **Download and install the installer script** – Ensure you download and
|
||||
install the installer script from the recommended URL.
|
||||
|
||||
```{tip}
|
||||
The installer package is updated periodically to resolve known issues and add
|
||||
new features. The links for each Linux distribution always point to the latest
|
||||
available build.
|
||||
```
|
||||
|
||||
3. **Use the installer script on Linux distributions** – Ensure you execute the
|
||||
script for installing use cases.
|
||||
|
||||
### Download and Install the Installer Script
|
||||
|
||||
::::::{tab-set}
|
||||
:::::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
<!-- markdownlint-disable-next-line MD013 -->
|
||||
::::{rubric} To download the amdgpu-install script on the system, use the following commands.
|
||||
::::
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu 20.04
|
||||
:sync: ubuntu-20.04
|
||||
|
||||
```shell
|
||||
sudo apt update
|
||||
wget https://repo.radeon.com/amdgpu-install/5.4.3/ubuntu/focal/amdgpu-install_5.4.50403-1_all.deb
|
||||
sudo apt install ./amdgpu-install_5.4.50403-1_all.deb
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} Ubuntu 22.04
|
||||
:sync: ubuntu-22.04
|
||||
|
||||
```shell
|
||||
sudo apt update
|
||||
wget https://repo.radeon.com/amdgpu-install/5.4.3/ubuntu/jammy/amdgpu-install_5.4.50403-1_all.deb
|
||||
sudo apt install ./amdgpu-install_5.4.50403-1_all.deb
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
:::::
|
||||
:::::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
<!-- markdownlint-disable-next-line MD013 -->
|
||||
::::{rubric} To download the amdgpu-install script on the system, use the following commands.
|
||||
::::
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} RHEL 8.6
|
||||
:sync: RHEL-8.6
|
||||
|
||||
```shell
|
||||
sudo yum install https://repo.radeon.com/amdgpu-install/5.4.3/rhel/8.6/amdgpu-install-5.4.50403-1.el8.noarch.rpm
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} RHEL 8.7
|
||||
:sync: RHEL-8.7
|
||||
|
||||
```shell
|
||||
sudo yum install https://repo.radeon.com/amdgpu-install/5.4.3/rhel/8.7/amdgpu-install-5.4.50403-1.el8.noarch.rpm
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} RHEL 9.1
|
||||
:sync: RHEL-9.1
|
||||
|
||||
```shell
|
||||
sudo yum install https://repo.radeon.com/amdgpu-install/5.4.3/rhel/9.1/amdgpu-install-5.4.50403-1.el9.noarch.rpm
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
:::::
|
||||
:::::{tab-item} SUSE Linux Enterprise Server 15
|
||||
:sync: SLES15
|
||||
|
||||
<!-- markdownlint-disable-next-line MD013 -->
|
||||
::::{rubric} To download the amdgpu-install script on the system, use the following commands.
|
||||
::::
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Service Pack 4
|
||||
:sync: SLES15-SP4
|
||||
|
||||
```shell
|
||||
sudo zypper --no-gpg-checks install https://repo.radeon.com/amdgpu-install/5.4.3/sle/15.4/amdgpu-install-5.4.50403-1.noarch.rpm
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
:::::
|
||||
::::::
|
||||
|
||||
### Using the Installer Script for Single-version ROCm Installation
|
||||
|
||||
To install use cases specific to your requirements, use the installer
|
||||
`amdgpu-install` as follows:
|
||||
|
||||
- To install a single use case:
|
||||
|
||||
```shell
|
||||
sudo amdgpu-install --usecase=rocm
|
||||
```
|
||||
|
||||
- To install kernel-mode driver:
|
||||
|
||||
```shell
|
||||
sudo amdgpu-install --usecase=dkms
|
||||
```
|
||||
|
||||
- To install multiple use cases:
|
||||
|
||||
```shell
|
||||
sudo amdgpu-install --usecase=hiplibsdk,rocm
|
||||
```
|
||||
|
||||
- To display a list of available use cases:
|
||||
|
||||
```shell
|
||||
sudo amdgpu-install --list-usecase
|
||||
```
|
||||
|
||||
Following is a sample of output listed by the command above:
|
||||
|
||||
```{note}
|
||||
The list in this section represents only a sample of available use cases for ROCm:
|
||||
```
|
||||
|
||||
```none
|
||||
If --usecase option is not present, the default selection is "graphics,opencl,hip"
|
||||
|
||||
Available use cases:
|
||||
rocm(for users and developers requiring full ROCm stack)
|
||||
- OpenCL (ROCr/KFD based) runtime
|
||||
- HIP runtimes
|
||||
- Machine learning framework
|
||||
- All ROCm libraries and applications
|
||||
- ROCm Compiler and device libraries
|
||||
- ROCr runtime and thunk
|
||||
lrt(for users of applications requiring ROCm runtime)
|
||||
- ROCm Compiler and device libraries
|
||||
- ROCr runtime and thunk
|
||||
opencl(for users of applications requiring OpenCL on Vega or
|
||||
later products)
|
||||
- ROCr based OpenCL
|
||||
- ROCm Language runtime
|
||||
|
||||
openclsdk (for application developers requiring ROCr based OpenCL)
|
||||
- ROCr based OpenCL
|
||||
- ROCm Language runtime
|
||||
- development and SDK files for ROCr based OpenCL
|
||||
|
||||
hip(for users of HIP runtime on AMD products)
|
||||
- HIP runtimes
|
||||
hiplibsdk (for application developers requiring HIP on AMD products)
|
||||
- HIP runtimes
|
||||
- ROCm math libraries
|
||||
- HIP development libraries
|
||||
```
|
||||
|
||||
```{tip}
|
||||
Adding `-y` as a parameter to `amdgpu-install` skips user prompts (for
|
||||
automation). Example: `amdgpu-install -y --usecase=rocm`
|
||||
```
|
||||
|
||||
### Using Installer Script in Docker
|
||||
|
||||
When the installation is initiated in Docker, the installer tries to install the
|
||||
use case along with the kernel-mode driver. However, you cannot install the
|
||||
kernel-mode driver in a Docker container. To skip the installation of the
|
||||
kernel-mode driver, proceed with the `--no-dkms` option, as shown below:
|
||||
|
||||
```shell
|
||||
sudo amdgpu-install --usecase=rocm --no-dkms
|
||||
```
|
||||
|
||||
### Using the Installer Script for Multi-version ROCm Installation
|
||||
|
||||
The multi-version ROCm installation requires you to download and install the
|
||||
latest ROCm release installer from the list of ROCm releases you want to install
|
||||
simultaneously on your system.
|
||||
|
||||
**Example:** If you want to install ROCm releases 4.5.0, 4.5.1, and 5.4.3
|
||||
simultaneously, you are required to download the installer from the latest ROCm
|
||||
release v5.4.3.
|
||||
|
||||
To download and install the installer, refer to the [Download and Install the
|
||||
Installer Script](#download-and-install-the-installer-script) section.
|
||||
|
||||
```{attention}
|
||||
If the existing ROCm release contains non-versioned ROCm packages, uninstall
|
||||
those packages before proceeding with the multi-version installation to avoid
|
||||
conflicts.
|
||||
```
|
||||
|
||||
#### Add Required ROCm Repositories
|
||||
|
||||
Add the required repositories using the following steps:
|
||||
|
||||
```{important}
|
||||
Add the AMDGPU and ROCm repositories manually for all ROCm releases you want to
|
||||
install except the latest one. The amdgpu-install script automatically adds the
|
||||
required repositories for the latest release.
|
||||
```
|
||||
|
||||
::::::{tab-set}
|
||||
:::::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu 20.04
|
||||
:sync: ubuntu-20.04
|
||||
|
||||
```shell
|
||||
for ver in 5.0.2 5.1.4 5.2.5 5.3.3; do
|
||||
echo "deb [arch=amd64 signed-by=/etc/apt/trusted.gpg.d/rocm-keyring.gpg] https://repo.radeon.com/rocm/apt/$ver focal main" | sudo tee /etc/apt/sources.list.d/rocm.list
|
||||
done
|
||||
echo -e 'Package: *\nPin: release o=repo.radeon.com\nPin-Priority: 600' | sudo tee /etc/apt/preferences.d/rocm-pin-600
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} Ubuntu 22.04
|
||||
:sync: ubuntu-22.04
|
||||
|
||||
```shell
|
||||
for ver in 5.0.2 5.1.4 5.2.5 5.3.3; do
|
||||
echo "deb [arch=amd64 signed-by=/etc/apt/trusted.gpg.d/rocm-keyring.gpg] https://repo.radeon.com/rocm/apt/$ver jammy main" | sudo tee /etc/apt/sources.list.d/rocm.list
|
||||
done
|
||||
echo -e 'Package: *\nPin: release o=repo.radeon.com\nPin-Priority: 600' | sudo tee /etc/apt/preferences.d/rocm-pin-600
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
:::::
|
||||
:::::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
```shell
|
||||
for ver in 5.0.2 5.1.4 5.2.5 5.3.3; do
|
||||
sudo tee --append /etc/yum.repos.d/rocm.repo <<EOF
|
||||
[ROCm-$ver]
|
||||
Name=ROCm$ver
|
||||
baseurl=https://repo.radeon.com/rocm/$ver/main
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
done
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::::
|
||||
:::::{tab-item} SUSE Linux Enterprise Server 15
|
||||
:sync: SLES15
|
||||
|
||||
```shell
|
||||
for ver in 5.0.2 5.1.4 5.2.5 5.3.3; do
|
||||
sudo tee --append /etc/zypp/repos.d/rocm.repo <<EOF
|
||||
name=rocm
|
||||
baseurl=https://repo.radeon.com/amdgpu/$ver/sle/15.4/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
done
|
||||
sudo zypper ref
|
||||
```
|
||||
|
||||
:::::
|
||||
::::::
|
||||
|
||||
#### Use the Installer to Install Multi-version ROCm Meta-packages
|
||||
|
||||
Use the installer script as given below:
|
||||
|
||||
```none
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease=<release-number-1>
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease=<release-number-2>
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease=<release-number-3>
|
||||
```
|
||||
|
||||
```{tip}
|
||||
If the kernel-mode driver is already present on the system and you do not want
|
||||
to upgrade it, use the `--no-dkms` option to skip the installation of the
|
||||
kernel-mode driver, as shown in the following samples:
|
||||
```
|
||||
|
||||
```none
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease=4.5.0 --no-dkms
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease=5.4.3 --no-dkms
|
||||
```
|
||||
|
||||
Following are examples of ROCm multi-version installation. The kernel-mode
|
||||
driver, associated with the ROCm release v5.4.3, will be installed as its latest
|
||||
release in the list.
|
||||
|
||||
```none
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease=4.5.0
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease=4.5.2
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease=5.4.3
|
||||
```
|
||||
|
||||
## Package Manager Method
|
||||
|
||||
The package manager method involves a manual setup of the repository, which
|
||||
includes setting up the repository, updating, and installing/uninstalling
|
||||
meta-packages. This involves using standard commands such as yum, apt, and
|
||||
others respective to the Linux distribution.
|
||||
|
||||
The functions of a package manager installation system are:
|
||||
|
||||
- Grouping packages based on function
|
||||
- Extracting package archives
|
||||
- Ensuring a package is installed with all necessary packages and dependencies
|
||||
are managed
|
||||
- From a remote repository, looking up, downloading, installing, or updating
|
||||
existing packages
|
||||
- Ensuring the authenticity and integrity of the package
|
||||
|
||||
### Installing ROCm on Linux Distributions
|
||||
|
||||
For a fresh ROCm installation using the package manager method on a Linux
|
||||
distribution, follow the steps below:
|
||||
|
||||
1. **Meet prerequisites** – Ensure the Prerequisites are met before the ROCm
|
||||
installation.
|
||||
|
||||
2. **Install kernel headers and development packages** – Ensure kernel headers
|
||||
and development packages are installed on the system.
|
||||
|
||||
3. **Select the base URLs for AMDGPU and ROCm stack repository** – Ensure the
|
||||
base URLs for AMDGPU and ROCm stack repositories are selected.
|
||||
|
||||
4. **Add the AMDGPU stack repository** – Ensure the AMDGPU stack repository is
|
||||
added.
|
||||
|
||||
5. **Install the kernel-mode driver and reboot the system** – Ensure the
|
||||
kernel-mode driver is installed and the system is rebooted.
|
||||
|
||||
6. **Add ROCm stack repository** – Ensure the ROCm stack repository is added.
|
||||
|
||||
7. **Install single-version or multi-version ROCm meta-packages** – Install the
|
||||
desired meta-packages.
|
||||
|
||||
8. **Verify installation for the applicable distributions** – Verify if the
|
||||
installation is successful.
|
||||
|
||||
```{important}
|
||||
You cannot install a kernel-mode driver in a Docker container. Refer to the
|
||||
sections below for specific commands to install the AMDGPU and ROCm stack on
|
||||
various Linux distributions.
|
||||
```
|
||||
|
||||
#### Understanding the Release-specific AMDGPU and ROCm Stack Repositories on Linux Distributions
|
||||
|
||||
The release-specific repositories consist of packages from a specific release of
|
||||
the AMDGPU stack and ROCm stack. The repositories are not updated for the latest
|
||||
packages with subsequent releases. When a new ROCm release is available, the new
|
||||
repository, specific to that release, is added. You can select a specific
|
||||
release to install, update the previously installed single version to the later
|
||||
available release, or add the latest version of ROCm along with the currently
|
||||
installed version by using the multi-version ROCm packages.
|
||||
|
||||
```{note}
|
||||
Users installing multiple versions of the ROCm stack must use the
|
||||
release-specific base URL.
|
||||
```
|
||||
|
||||
#### Using the Package Manager
|
||||
|
||||
::::::{tab-set}
|
||||
:::::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
::::{rubric} Installation of Kernel Headers and Development Packages
|
||||
::::
|
||||
|
||||
The following instructions to install kernel headers and development packages
|
||||
apply to all versions and kernels of Ubuntu. The ROCm installation requires you
|
||||
to install the Linux-headers and Linux-modules-extra package with the correct
|
||||
version corresponding to the kernel's version.
|
||||
|
||||
**Example:** If the system is running the Linux kernel version
|
||||
`5.15.0-41-generic`, you must install the identical versions of Linux-headers
|
||||
and development packages. Refer to {ref}`check-kernel-info` on to how to check
|
||||
the system's kernel version.
|
||||
|
||||
To check the `kernel-headers` and `linux-modules-extra` package versions,
|
||||
follow these steps:
|
||||
|
||||
1. For the Ubuntu/Debian environment, execute the following command to verify
|
||||
the kernel headers and development packages are installed with the
|
||||
respective versions:
|
||||
|
||||
```shell
|
||||
sudo dpkg -l | grep linux-headers
|
||||
```
|
||||
|
||||
The command indicates if there are Linux headers installed as shown below:
|
||||
|
||||
```none
|
||||
ii linux-headers-5.15.0-41-generic 5.15.0-41.44~20.04.1 amd64 Linux kernel headers for version 5.15.0 on 64 bit x86 SMP
|
||||
```
|
||||
|
||||
2. Execute the following command to check whether the development packages are
|
||||
installed:
|
||||
|
||||
```shell
|
||||
sudo dpkg -l | grep linux-modules-extra
|
||||
```
|
||||
|
||||
The command mentioned above lists the installed `linux-modules-extra`
|
||||
packages like the output below:
|
||||
|
||||
```none
|
||||
ii linux-modules-extra-5.15.0-41-generic 5.15.0-41.44~20.04.1 amd64 Linux kernel extra modules for version 5.15.0 on 64 bit x86 SMP
|
||||
```
|
||||
|
||||
3. If the supported version installation of Linux headers and development
|
||||
packages are not installed on the system, execute the following command
|
||||
to install the packages:
|
||||
|
||||
```shell
|
||||
sudo apt install linux-headers-`uname -r` linux-modules-extra-`uname -r`
|
||||
```
|
||||
|
||||
::::{rubric} Adding the AMDGPU and ROCm Stack Repositories
|
||||
::::
|
||||
|
||||
1. Add GPG Key for AMDGPU and ROCm Stack
|
||||
|
||||
Add the GPG key for AMDGPU and ROCm repositories. For Debian-based systems
|
||||
like Ubuntu, configure the Debian ROCm repository as follows:
|
||||
|
||||
```shell
|
||||
curl -fsSL https://repo.radeon.com/rocm/rocm.gpg.key | sudo gpg --dearmor -o /etc/apt/trusted.gpg.d/rocm-keyring.gpg
|
||||
```
|
||||
|
||||
```{note}
|
||||
The GPG key may change; ensure it is updated when installing a new release. If
|
||||
the key signature verification fails while updating, re-add the key from the
|
||||
ROCm to the apt repository as mentioned above. The current `rocm.gpg.key` is not
|
||||
available in a standard key ring distribution but has the following SHA1 sum
|
||||
hash: `73f5d8100de6048aa38a8b84cd9a87f05177d208 rocm.gpg.key`
|
||||
```
|
||||
|
||||
2. Add the AMDGPU Stack Repository and Install the Kernel-mode Driver
|
||||
|
||||
```{attention}
|
||||
If you have a version of the kernel-mode driver installed, you may skip this
|
||||
section.
|
||||
```
|
||||
|
||||
To add the AMDGPU stack repository, follow these steps:
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu 20.04
|
||||
:sync: ubuntu-20.04
|
||||
|
||||
```shell
|
||||
echo 'deb [arch=amd64 signed-by=/etc/apt/trusted.gpg.d/rocm-keyring.gpg] https://repo.radeon.com/amdgpu/5.4.3/ubuntu focal main' | sudo tee /etc/apt/sources.list.d/amdgpu.list
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} Ubuntu 22.04
|
||||
:sync: ubuntu-22.04
|
||||
|
||||
```shell
|
||||
echo 'deb [arch=amd64 signed-by=/etc/apt/trusted.gpg.d/rocm-keyring.gpg] https://repo.radeon.com/amdgpu/5.4.3/ubuntu jammy main' | sudo tee /etc/apt/sources.list.d/amdgpu.list
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
Install the kernel mode driver and reboot the system using the following
|
||||
commands:
|
||||
|
||||
```shell
|
||||
sudo apt install amdgpu-dkms
|
||||
sudo reboot
|
||||
```
|
||||
|
||||
3. Add the ROCm Stack Repository and Install Meta-packages
|
||||
|
||||
To add the ROCm repository, use the following steps:
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu 20.04
|
||||
:sync: ubuntu-20.04
|
||||
|
||||
```shell
|
||||
for ver in 5.0.2 5.1.4 5.2.5 5.3.3 5.4.3; do
|
||||
echo "deb [arch=amd64 signed-by=/etc/apt/trusted.gpg.d/rocm-keyring.gpg] https://repo.radeon.com/rocm/apt/$ver focal main" | sudo tee /etc/apt/sources.list.d/rocm.list
|
||||
done
|
||||
echo -e 'Package: *\nPin: release o=repo.radeon.com\nPin-Priority: 600' | sudo tee /etc/apt/preferences.d/rocm-pin-600
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} Ubuntu 22.04
|
||||
:sync: ubuntu-22.04
|
||||
|
||||
```shell
|
||||
for ver in 5.0.2 5.1.4 5.2.5 5.3.3 5.4.3; do
|
||||
echo "deb [arch=amd64 signed-by=/etc/apt/trusted.gpg.d/rocm-keyring.gpg] https://repo.radeon.com/rocm/apt/$ver jammy main" | sudo tee /etc/apt/sources.list.d/rocm.list
|
||||
done
|
||||
echo -e 'Package: *\nPin: release o=repo.radeon.com\nPin-Priority: 600' | sudo tee /etc/apt/preferences.d/rocm-pin-600
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
Install packages of your choice in a single-version ROCm install or
|
||||
in a multi-version ROCm install fashion. For more information on what
|
||||
single/multi-version installations are, refer to {ref}`installation-types`.
|
||||
For a comprehensive list of meta-packages, refer to
|
||||
{ref}`meta-package-desc`.
|
||||
|
||||
- Sample Single-version installation
|
||||
|
||||
```shell
|
||||
sudo apt install rocm-hip-sdk
|
||||
```
|
||||
|
||||
- Sample Multi-version installation
|
||||
|
||||
```{important}
|
||||
If the existing ROCm release contains non-versioned ROCm packages, you must
|
||||
uninstall those packages before proceeding to the multi-version installation
|
||||
to avoid conflicts.
|
||||
```
|
||||
|
||||
```shell
|
||||
sudo apt install rocm-hip-sdk5.4.3 rocm-hip-sdk5.2.5
|
||||
```
|
||||
|
||||
:::::
|
||||
:::::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
::::{rubric} Installation of Kernel Headers and Development Packages
|
||||
::::
|
||||
|
||||
The ROCm installation requires that you install the kernel headers and
|
||||
`linux-modules-extra` package with the correct version corresponding to the
|
||||
kernel's version.
|
||||
|
||||
**Example:** If the system is running Linux kernel version
|
||||
`3.10.0-1160.el7.x86_64`, you must install the identical versions of kernel
|
||||
headers and development packages. Refer to {ref}`check-kernel-info` on to how to
|
||||
check the system's kernel version.
|
||||
|
||||
To check the kernel headers and `linux-modules-extra` package versions,
|
||||
follow these steps:
|
||||
|
||||
1. To verify you have the supported version of the installed kernel headers,
|
||||
type the following on the command line:
|
||||
|
||||
```shell
|
||||
sudo yum list installed kernel-headers
|
||||
```
|
||||
|
||||
The command mentioned above displays the list of kernel headers versions
|
||||
currently present on your system. Verify if the listed kernel headers have
|
||||
the same versions as the kernel.
|
||||
|
||||
2. The following command lists the development packages on your system. Verify
|
||||
if the listed development package's version number matches the kernel
|
||||
version number:
|
||||
|
||||
```shell
|
||||
sudo yum list installed kernel-devel
|
||||
```
|
||||
|
||||
3. If the supported version installation of kernel headers and development
|
||||
packages does not exist on the system, execute the command below to install:
|
||||
|
||||
```shell
|
||||
sudo yum install kernel-headers-`uname -r` kernel-devel-`uname -r`
|
||||
```
|
||||
|
||||
::::{rubric} Adding the AMDGPU and ROCm Stack Repositories
|
||||
::::
|
||||
|
||||
1. Add the AMDGPU Stack Repository and Install the Kernel-mode Driver
|
||||
|
||||
```{attention}
|
||||
If you have a version of the kernel-mode driver installed, you may skip this
|
||||
section.
|
||||
```
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} RHEL 8.6
|
||||
:sync: RHEL-8.6
|
||||
|
||||
```shell
|
||||
sudo tee --append /etc/yum.repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
Name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/5.4.3/rhel/8.6/main/x86_64/
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} RHEL 8.7
|
||||
:sync: RHEL-8.7
|
||||
|
||||
```shell
|
||||
sudo tee --append /etc/yum.repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
Name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/5.4.3/rhel/8.7/main/x86_64/
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} RHEL 9.1
|
||||
:sync: RHEL-9.1
|
||||
|
||||
```shell
|
||||
sudo tee --append /etc/yum.repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
Name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/5.4.3/rhel/9.2/main/x86_64/
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
Install the kernel mode driver and reboot the system using the following
|
||||
commands:
|
||||
|
||||
```shell
|
||||
sudo yum install amdgpu-dkms
|
||||
sudo reboot
|
||||
```
|
||||
|
||||
2. Add the ROCm Stack Repository and Install Meta-packages
|
||||
|
||||
To add the ROCm repository, use the following steps:
|
||||
|
||||
```shell
|
||||
for ver in 5.0.2 5.1.4 5.2.5 5.3.3 5.4.3; do
|
||||
sudo tee --append /etc/yum.repos.d/rocm.repo <<EOF
|
||||
[ROCm-$ver]
|
||||
Name=ROCm$ver
|
||||
baseurl=https://repo.radeon.com/rocm/$ver/main
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
done
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
Install packages of your choice in a single-version ROCm install or
|
||||
in a multi-version ROCm install fashion. For more information on what
|
||||
single/multi-version installations are, refer to {ref}`installation-types`.
|
||||
For a comprehensive list of meta-packages, refer to
|
||||
{ref}`meta-package-desc`.
|
||||
|
||||
- Sample Single-version installation
|
||||
|
||||
```shell
|
||||
sudo yum install rocm-hip-sdk
|
||||
```
|
||||
|
||||
- Sample Multi-version installation
|
||||
|
||||
```{important}
|
||||
If the existing ROCm release contains non-versioned ROCm packages, you must
|
||||
uninstall those packages before proceeding to the multi-version installation
|
||||
to avoid conflicts.
|
||||
```
|
||||
|
||||
```shell
|
||||
sudo yum install rocm-hip-sdk5.4.3 rocm-hip-sdk5.2.5
|
||||
```
|
||||
|
||||
:::::
|
||||
:::::{tab-item} SUSE Linux Enterprise Server 15
|
||||
:sync: SLES15
|
||||
|
||||
::::{rubric} Installation of Kernel Headers and Development Packages
|
||||
::::
|
||||
|
||||
ROCm installation requires you to install `linux-headers` and
|
||||
`linux-modules-extra` package with the correct version corresponding to the
|
||||
kernel's version.
|
||||
|
||||
**Example:** If the system is running the Linux kernel version
|
||||
`5.3.18-57_11.0.18`, you must install the same versions of Linux headers and
|
||||
development packages. Refer to {ref}`check-kernel-info` on to how to check
|
||||
the system's kernel version.
|
||||
|
||||
To check the `kernel-headers` and `linux-modules-extra` package versions, follow
|
||||
these steps:
|
||||
|
||||
1. Ensure that the correct version of the latest `kernel-default-devel` and
|
||||
`kernel-default` packages are installed. The following command lists the
|
||||
installed `kernel-default-devel` and `kernel-default` package:
|
||||
|
||||
```shell
|
||||
sudo zypper info kernel-default-devel or kernel-default
|
||||
```
|
||||
|
||||
```{note}
|
||||
This next step is only required if you find from the above command that the
|
||||
`kernel-default-devel` and `kernel-default` versions of the package,
|
||||
corresponding to the kernel release version, do not exist on your system.
|
||||
```
|
||||
|
||||
2. If the required version of packages does not exist on the system, install
|
||||
with the command below:
|
||||
|
||||
```shell
|
||||
sudo zypper install kernel-default-devel or kernel-default
|
||||
```
|
||||
|
||||
::::{rubric} Adding the AMDGPU and ROCm Stack Repositories
|
||||
::::
|
||||
|
||||
1. Add the AMDGPU Stack Repository and Install the Kernel-mode Driver
|
||||
|
||||
```{attention}
|
||||
If you have a version of the kernel-mode driver installed, you may skip this
|
||||
section.
|
||||
```
|
||||
|
||||
```shell
|
||||
sudo tee --append /etc/zypp/repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/5.4.3/sle/15.4/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo zypper ref
|
||||
```
|
||||
|
||||
Install the kernel mode driver and reboot the system using the following
|
||||
commands:
|
||||
|
||||
```shell
|
||||
sudo zypper --gpg-auto-import-keys install amdgpu-dkms
|
||||
sudo reboot
|
||||
```
|
||||
|
||||
2. Add the ROCm Stack Repository and Install Meta-packages
|
||||
|
||||
To add the ROCm repository, use the following steps:
|
||||
|
||||
```shell
|
||||
for ver in 5.0.2 5.1.4 5.2.5 5.3.3 5.4.3; do
|
||||
sudo tee --append /etc/zypp/repos.d/rocm.repo <<EOF
|
||||
name=rocm
|
||||
baseurl=https://repo.radeon.com/amdgpu/$ver/sle/15.4/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
done
|
||||
sudo zypper ref
|
||||
```
|
||||
|
||||
Install packages of your choice in a single-version ROCm install or
|
||||
in a multi-version ROCm install fashion. For more information on what
|
||||
single/multi-version installations are, refer to {ref}`installation-types`.
|
||||
For a comprehensive list of meta-packages, refer to
|
||||
{ref}`meta-package-desc`.
|
||||
|
||||
- Sample Single-version installation
|
||||
|
||||
```shell
|
||||
sudo zypper --gpg-auto-import-keys install rocm-hip-sdk
|
||||
```
|
||||
|
||||
- Sample Multi-version installation
|
||||
|
||||
```{important}
|
||||
If the existing ROCm release contains non-versioned ROCm packages, you must
|
||||
uninstall those packages before proceeding to the multi-version installation
|
||||
to avoid conflicts.
|
||||
```
|
||||
|
||||
```shell
|
||||
sudo zypper --gpg-auto-import-keys install rocm-hip-sdk5.4.3 rocm-hip-sdk5.2.5
|
||||
```
|
||||
|
||||
:::::
|
||||
::::::
|
||||
|
||||
(post-install-actions-linux)=
|
||||
|
||||
## Post-install Actions and Verification Process
|
||||
|
||||
The post-install actions listed here are optional and depend on your use case,
|
||||
but are generally useful. Verification of the install is advised.
|
||||
|
||||
### Post-install Actions
|
||||
|
||||
1. Instruct the system linker where to find the shared objects (`.so` files) for
|
||||
ROCm applications.
|
||||
|
||||
```shell
|
||||
sudo tee --append /etc/ld.so.conf.d/rocm.conf <<EOF
|
||||
/opt/rocm/lib
|
||||
/opt/rocm/lib64
|
||||
EOF
|
||||
sudo ldconfig
|
||||
```
|
||||
|
||||
```{note}
|
||||
Multi-version installations require extra care. Having multiple versions on
|
||||
the system linker library search path is unadvised. One must take care both
|
||||
at compile-time and at run-time to assure that the proper libraries are
|
||||
picked up. You can override `ld.so.conf` entries on a case-by-case basis
|
||||
using the `LD_LIBRARY_PATH` environmental variable.
|
||||
```
|
||||
|
||||
2. Add binary paths to the `PATH` environment variable.
|
||||
|
||||
```shell
|
||||
export PATH=$PATH:/opt/rocm-5.4.3/bin:/opt/rocm-5.4.3/opencl/bin
|
||||
```
|
||||
|
||||
```{attention}
|
||||
When using CMake to build applications, having the ROCm install location on
|
||||
the PATH subtly affects how ROCm libraries are searched for. See [Config Mode
|
||||
Search Procedure](https://cmake.org/cmake/help/latest/command/find_package.html#config-mode-search-procedure)
|
||||
and [CMAKE_FIND_USE_SYSTEM_ENVIRONMENT_PATH](https://cmake.org/cmake/help/latest/variable/CMAKE_FIND_USE_SYSTEM_ENVIRONMENT_PATH.html)
|
||||
for details.
|
||||
|
||||
(Entries in the `PATH` minus `bin` and `sbin` are added to library search
|
||||
paths, therefore this convenience will affect builds and result in ROCm
|
||||
libraries almost always being found. This may be an issue when you're
|
||||
developing these libraries or want to use self-built versions of them.)
|
||||
```
|
||||
|
||||
(verifying-kernel-mode-driver-installation)=
|
||||
|
||||
### Verifying Kernel-mode Driver Installation
|
||||
|
||||
Check the installation of the kernel-mode driver by typing the command given
|
||||
below:
|
||||
|
||||
```shell
|
||||
dkms status
|
||||
```
|
||||
|
||||
### Verifying ROCm Installation
|
||||
|
||||
After completing the ROCm installation, execute the following commands on the
|
||||
system to verify if the installation is successful. If you see your GPUs listed
|
||||
by both commands, the installation is considered successful:
|
||||
|
||||
```shell
|
||||
/opt/rocm/bin/rocminfo
|
||||
# OR
|
||||
/opt/rocm/opencl/bin/clinfo
|
||||
```
|
||||
|
||||
### Verifying Package Installation
|
||||
|
||||
To ensure the packages are installed successfully, use the following commands:
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
```shell
|
||||
sudo apt list --installed
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
```shell
|
||||
sudo yum list installed
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} SUSE Linux Enterprise Server 15
|
||||
:sync: SLES15
|
||||
|
||||
```shell
|
||||
sudo zypper search --installed-only
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
@@ -1,43 +1,111 @@
|
||||
# ROCm Installation Options (Linux)
|
||||
# Installation Overview (Linux)
|
||||
|
||||
Users installing ROCm must choose between various installation options. A new
|
||||
user should follow the [Quick Start guide](./quick_start).
|
||||
This document is intended for users familiar with Linux and discusses the
|
||||
installation of ROCm on various distributions.
|
||||
|
||||
The guide provides instructions for the following:
|
||||
|
||||
- Kernel-mode driver installation
|
||||
- ROCm single-version and multi-version installation
|
||||
- ROCm and kernel-mode driver version upgrade
|
||||
- ROCm single-version and multi-version uninstallation
|
||||
- Kernel-mode driver uninstallation
|
||||
|
||||
```{note}
|
||||
See {doc}`Radeon Software for Linux installation instructions <radeon:docs/install/install-radeon>`
|
||||
for those using select RDNA™ 3 GPU with graphical applications and ROCm.
|
||||
The rest of this document refers to _Radeon™ Software for Linux_ as the `amdgpu`
|
||||
stack and `amdgpu-dkms` driver as the kernel-mode driver.
|
||||
```
|
||||
|
||||
## Package Manager versus AMDGPU Installer?
|
||||
## Installation Methods
|
||||
|
||||
ROCm supports two methods for installation:
|
||||
It is customary for Linux installers to integrate into the system's package
|
||||
manager. There are two notable groups of package sources:
|
||||
|
||||
- Directly using the Linux distribution's package manager
|
||||
- The `amdgpu-install` script
|
||||
- AMD-hosted repositories maintained by AMD available to register on supported
|
||||
Linux distribution versions. For a complete list of AMD-supported platforms,
|
||||
refer to the article: [GPU and OS Support](/release/gpu_os_support).
|
||||
- Distribution-hosted repositories maintained by the developer of said Linux
|
||||
distribution. These require little to no setup from the user, but aren't tested
|
||||
by AMD. For support on these installations, contact the relevant maintainers.
|
||||
|
||||
There is no difference in the final installation state when choosing either
|
||||
option.
|
||||
AMD also provides installer scripts for those that wish to drive installations
|
||||
in a more manual fashion.
|
||||
|
||||
Using the distribution's package manager lets the user install,
|
||||
upgrade and uninstall using familiar commands and workflows. Third party
|
||||
ecosystem support is the same as your OS package manager.
|
||||
## Package Licensing
|
||||
|
||||
The `amdgpu-install` script is a wrapper around the package manager. The same
|
||||
packages are installed by this script as the package manager system.
|
||||
```{attention}
|
||||
AQL Profiler and AOCC CPU optimization are both provided in binary form, each
|
||||
subject to the license agreement enclosed in the directory for the binary and is
|
||||
available here: `/opt/rocm/share/doc/rocm-llvm-alt/EULA`. By using, installing,
|
||||
copying or distributing AQL Profiler and/or AOCC CPU Optimizations, you agree to
|
||||
the terms and conditions of this license agreement. If you do not agree to the
|
||||
terms of this agreement, do not install, copy or use the AQL Profiler and/or the
|
||||
AOCC CPU Optimizations.
|
||||
```
|
||||
|
||||
The installer automates the installation process for the AMDGPU
|
||||
and ROCm stack. It handles the complete installation process
|
||||
for ROCm, including setting up the repository, cleaning the system, updating,
|
||||
and installing the desired drivers and meta-packages. Users who are
|
||||
less familiar with the package manager can choose this method for ROCm
|
||||
installation.
|
||||
For the rest of the ROCm packages, you can find the licensing information at the
|
||||
following location: `/opt/rocm/share/doc/<component-name>/`
|
||||
|
||||
For example, you can fetch the licensing information of the `_amd_comgr_`
|
||||
component (Code Object Manager) from the `amd_comgr` folder. A file named
|
||||
`LICENSE.txt` contains the license details at:
|
||||
`/opt/rocm-5.4.3/share/doc/amd_comgr/LICENSE.txt`
|
||||
|
||||
### Package Manager Integration
|
||||
|
||||
Integrating with the distribution's package manager let's the user install,
|
||||
upgrade and uninstall using familiar commands and workflows. The actual commands
|
||||
vary from distribution to distribution. For more information, refer to
|
||||
[Package Manager Integration](package_manager_integration).
|
||||
|
||||
### Installer Script
|
||||
|
||||
The `amdgpu-install` script streamlines the installation process by:
|
||||
|
||||
- Abstracting the distribution-specific package installation logic
|
||||
- Performing the repository setup
|
||||
- Allowing you to specify the use case and automating the installation of all
|
||||
the required packages
|
||||
- Installing multiple ROCm releases simultaneously on a system
|
||||
- Automating updating local repository information through enhanced
|
||||
functionality of the `amdgpu-install` script
|
||||
- Performing post-install checks to verify whether the installation was
|
||||
completed successfully
|
||||
- Upgrading the installed ROCm release
|
||||
- Uninstalling the installed single-version or multi-version ROCm releases
|
||||
|
||||
```{tip}
|
||||
The installer script is provided for convenience. It doesn't do anything the
|
||||
user otherwise couldn't. It automates some tasks surrounding installation, such
|
||||
as registering/unregistering and driving the system's package manager, but the
|
||||
bulk of the work will still be done by the system's package manager. As is the
|
||||
case with most convenience wrappers, some degree of customization is lost for
|
||||
the sake of simplicity.
|
||||
```
|
||||
|
||||
#### Use cases
|
||||
|
||||
The installer script introduces the notion of "use cases", which denote usage
|
||||
patterns or reasons why someone installs ROCm. This is to allow users to install
|
||||
only a subset of the ROCm ecosystem, parts concerning them, resulting in
|
||||
smaller installation footprint and faster installs/upgrades.
|
||||
|
||||
Some of the ROCm-specific use cases the installer supports are:
|
||||
|
||||
- OpenCL (ROCr/KFD based) runtime
|
||||
- HIP runtimes
|
||||
- ROCm libraries and applications
|
||||
- ROCm Compiler and device libraries
|
||||
- Kernel-mode driver
|
||||
|
||||
For more information, refer to the How to Install ROCm section in this guide.
|
||||
|
||||
(installation-types)=
|
||||
|
||||
## Single Version ROCm install versus Multi-Version
|
||||
## Installation types
|
||||
|
||||
ROCm packages are versioned with both semantic versioning that is package
|
||||
specific and a ROCm release version.
|
||||
This section discusses the single-version and multi-version installation of the
|
||||
ROCm software stack.
|
||||
|
||||
### Single-version Installation
|
||||
|
||||
@@ -55,14 +123,8 @@ The multi-version installation refers to the following:
|
||||
ability to support multiple versions of packages simultaneously.
|
||||
- Use of versioned ROCm meta-packages.
|
||||
|
||||
```{attention}
|
||||
ROCm packages that were previously installed from a single-version installation
|
||||
must be removed before proceeding with the multi-version installation to avoid
|
||||
conflicts.
|
||||
```
|
||||
|
||||
```{note}
|
||||
Multiversion install is not available for the kernel driver module, also referred to as AMDGPU.
|
||||
Multiversion install is not available for the AMDGPU stack.
|
||||
```
|
||||
|
||||
The following image demonstrates the difference between single-version and
|
||||
|
||||
@@ -1,31 +0,0 @@
|
||||
# AMDGPU Install Script
|
||||
|
||||
::::{grid} 2 3 3 3
|
||||
:gutter: 1
|
||||
|
||||
:::{grid-item-card} Install
|
||||
:link: install
|
||||
:link-type: doc
|
||||
|
||||
How to install ROCm?
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Upgrade
|
||||
:link: upgrade
|
||||
:link-type: doc
|
||||
|
||||
Instructions for upgrading an existing ROCm installation.
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Uninstall
|
||||
:link: uninstall
|
||||
:link-type: doc
|
||||
|
||||
Steps for removing ROCm packages, libraries and tools.
|
||||
:::
|
||||
|
||||
::::
|
||||
|
||||
## See Also
|
||||
|
||||
- {doc}`/release/gpu_os_support`
|
||||
@@ -1,252 +0,0 @@
|
||||
{%- import "deploy/linux/linux.template.jinja" as linux %}
|
||||
<!-- markdownlint-disable no-duplicate-header blanks-around-headings no-multiple-blanks -->
|
||||
# Installation with install script
|
||||
|
||||
Prior to beginning, please ensure you have the [prerequisites](../prerequisites)
|
||||
installed.
|
||||
|
||||
```{warning}
|
||||
ROCm currently doesn't support integrated graphics. Should your system have an
|
||||
AMD IGP installed, disable it in the BIOS prior to using ROCm. If the driver can
|
||||
enumerate the IGP, the ROCm runtime may crash the system, even if told to omit
|
||||
it via {ref}`hip_visible_devices`.
|
||||
```
|
||||
|
||||
## Download the Installer Script
|
||||
|
||||
To download and install the `amdgpu-install` script on the system, use the
|
||||
following commands based on your distribution.
|
||||
|
||||
{% call(family) linux.for_family_in(linux.supported_family) %}
|
||||
{%- call(os) linux.for_os_in(linux.supported_os) %}
|
||||
|
||||
{%- if os.tag == "ubuntu" %}
|
||||
{%- call(version) linux.for_version_in(os) %}
|
||||
|
||||
```{important}
|
||||
Instructions for {{ family.name }}, {{ os.name }} {{ version.number }}
|
||||
```
|
||||
|
||||
```shell
|
||||
sudo apt update
|
||||
wget https://repo.radeon.com/amdgpu-install/{{ family.amdgpu_version }}/ubuntu/{{ version.release }}/amdgpu-install_{{ family.amdgpu_install_version }}_all.deb
|
||||
sudo apt install ./amdgpu-install_{{ family.amdgpu_install_version }}_all.deb
|
||||
```
|
||||
{%- endcall -%}
|
||||
{%- elif os.tag == "rhel" %}
|
||||
{%- call(version) linux.for_version_in(os) %}
|
||||
|
||||
```{important}
|
||||
Instructions for {{ family.name }}, {{ os.name }} {{ version.number }}
|
||||
```
|
||||
|
||||
```shell
|
||||
sudo yum install https://repo.radeon.com/amdgpu-install/{{ family.amdgpu_version }}/rhel/{{ version.number }}/amdgpu-install-{{ family.amdgpu_install_version }}.{{ version.release | trim("rh") }}.noarch.rpm
|
||||
```
|
||||
{%- endcall -%}
|
||||
{%- elif os.tag == "sle" %}
|
||||
{%- call(version) linux.for_version_in(os) %}
|
||||
|
||||
```{important}
|
||||
Instructions for {{ family.name }}, {{ os.name }} {{ version.number }}
|
||||
```
|
||||
|
||||
```shell
|
||||
sudo zypper --no-gpg-checks install https://repo.radeon.com/amdgpu-install/{{ family.amdgpu_version }}/sle/{{ version.number }}/amdgpu-install-{{ family.amdgpu_install_version }}.noarch.rpm
|
||||
```
|
||||
{%- endcall -%}
|
||||
{%- endif %}
|
||||
|
||||
{%- endcall -%}
|
||||
{%- endcall %}
|
||||
|
||||
## Use cases
|
||||
|
||||
Instead of installing individual applications or libraries the installer script
|
||||
groups packages into specific use cases, matching typical workflows and runtimes.
|
||||
|
||||
To display a list of available use cases execute the command:
|
||||
|
||||
```shell
|
||||
sudo amdgpu-install --list-usecase
|
||||
```
|
||||
|
||||
The available use-cases will be printed in a format similar to the example
|
||||
output below.
|
||||
|
||||
```none
|
||||
If --usecase option is not present, the default selection is "graphics,opencl,hip"
|
||||
|
||||
Available use cases:
|
||||
rocm(for users and developers requiring full ROCm stack)
|
||||
- OpenCL (ROCr/KFD based) runtime
|
||||
- HIP runtimes
|
||||
- Machine learning framework
|
||||
- All ROCm libraries and applications
|
||||
- ROCm Compiler and device libraries
|
||||
- ROCr runtime and thunk
|
||||
lrt(for users of applications requiring ROCm runtime)
|
||||
- ROCm Compiler and device libraries
|
||||
- ROCr runtime and thunk
|
||||
opencl(for users of applications requiring OpenCL on Vega or
|
||||
later products)
|
||||
- ROCr based OpenCL
|
||||
- ROCm Language runtime
|
||||
|
||||
openclsdk (for application developers requiring ROCr based OpenCL)
|
||||
- ROCr based OpenCL
|
||||
- ROCm Language runtime
|
||||
- development and SDK files for ROCr based OpenCL
|
||||
|
||||
hip(for users of HIP runtime on AMD products)
|
||||
- HIP runtimes
|
||||
hiplibsdk (for application developers requiring HIP on AMD products)
|
||||
- HIP runtimes
|
||||
- ROCm math libraries
|
||||
- HIP development libraries
|
||||
```
|
||||
|
||||
To install use cases specific to your requirements, use the installer
|
||||
`amdgpu-install` as follows:
|
||||
|
||||
- To install a single use case add it with the `--usecase` option:
|
||||
|
||||
```shell
|
||||
sudo amdgpu-install --usecase=rocm
|
||||
```
|
||||
|
||||
- For multiple use cases separate them with commas:
|
||||
|
||||
```shell
|
||||
sudo amdgpu-install --usecase=hiplibsdk,rocm
|
||||
```
|
||||
|
||||
- For graphical workloads using the open-source driver add `graphics`. For example:
|
||||
|
||||
```shell
|
||||
sudo amdgpu-install --usecase=graphics,rocm
|
||||
```
|
||||
|
||||
- For workstation workloads using the proprietary driver add `workstation`. For example:
|
||||
|
||||
```shell
|
||||
sudo amdgpu-install --usecase=workstation,rocm
|
||||
```
|
||||
|
||||
## Single-version ROCm Installation
|
||||
|
||||
By default (without the `--rocmrelease` option)
|
||||
the installer script will install packages in the single-version layout.
|
||||
|
||||
## Multi-version ROCm Installation
|
||||
|
||||
For the multi-version ROCm installation you must use the installer script from
|
||||
the latest release of ROCm that you wish to install.
|
||||
|
||||
**Example:** If you want to install ROCm releases 5.5.3, 5.6.1 and {{ linux.supported_family[0].rocm_version }}
|
||||
simultaneously, you are required to download the installer from the latest ROCm
|
||||
release {{ linux.supported_family[0].rocm_version }}.
|
||||
|
||||
### Add Required Repositories
|
||||
|
||||
You must add the ROCm repositories manually for all ROCm releases
|
||||
you want to install except the latest one. The `amdgpu-install` script
|
||||
automatically adds the required repositories for the latest release.
|
||||
|
||||
Run the following commands based on your distribution to add the repositories:
|
||||
|
||||
{% call(family) linux.for_family_in(linux.supported_family) %}
|
||||
{%- call(os) linux.for_os_in(linux.supported_os) %}
|
||||
|
||||
{%- if os.tag == "ubuntu" %}
|
||||
{%- call(version) linux.for_version_in(os) %}
|
||||
|
||||
```{important}
|
||||
Instructions for {{ family.name }}, {{ os.name }} {{ version.number }}
|
||||
```
|
||||
|
||||
```shell
|
||||
for ver in 5.5.3 5.6.1 {{ linux.supported_family[0].rocm_version }}; do
|
||||
echo "deb [arch=amd64 signed-by=/etc/apt/trusted.gpg.d/rocm-keyring.gpg] https://repo.radeon.com/rocm/apt/$ver {{ version.release }} main" | sudo tee /etc/apt/sources.list.d/rocm.list
|
||||
done
|
||||
echo -e 'Package: *\nPin: release o=repo.radeon.com\nPin-Priority: 600' | sudo tee /etc/apt/preferences.d/rocm-pin-600
|
||||
sudo apt update
|
||||
```
|
||||
{%- endcall -%}
|
||||
{%- elif os.tag == "rhel" %}
|
||||
{%- call(version) linux.for_version_in(os) %}
|
||||
|
||||
```{important}
|
||||
Instructions for {{ family.name }}, {{ os.name }} {{ version.number }}
|
||||
```
|
||||
|
||||
```shell
|
||||
for ver in 5.5.3 5.6.1 {{ linux.supported_family[0].rocm_version }}; do
|
||||
sudo tee --append /etc/yum.repos.d/rocm.repo <<EOF
|
||||
[ROCm-$ver]
|
||||
name=ROCm$ver
|
||||
baseurl=https://repo.radeon.com/rocm/{{ version.release }}/$ver/main
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
done
|
||||
sudo yum clean all
|
||||
```
|
||||
{%- endcall -%}
|
||||
{%- elif os.tag == "sle" %}
|
||||
```shell
|
||||
for ver in 5.5.3 5.6.1 {{ linux.supported_family[0].rocm_version }}; do
|
||||
sudo tee --append /etc/zypp/repos.d/rocm.repo <<EOF
|
||||
name=rocm
|
||||
baseurl=https://repo.radeon.com/rocm/zyp/$ver/main
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
done
|
||||
sudo zypper ref
|
||||
```
|
||||
{%- endif %}
|
||||
|
||||
{%- endcall -%}
|
||||
{%- endcall %}
|
||||
|
||||
### Install packages
|
||||
|
||||
Use the installer script as given below:
|
||||
|
||||
```shell
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease=<release-number-1>
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease=<release-number-2>
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease=<release-number-3>
|
||||
```
|
||||
|
||||
Following are examples of ROCm multi-version installation. The kernel-mode
|
||||
driver, associated with the ROCm release {{ linux.supported_family[0].rocm_version }}, will be installed as its latest
|
||||
release in the list.
|
||||
|
||||
```shell
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease={{ linux.supported_family[0].rocm_version }}
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease=5.6.1
|
||||
sudo amdgpu-install --usecase=rocm --rocmrelease=5.5.3
|
||||
```
|
||||
|
||||
## Additional options
|
||||
|
||||
### Unattended installation
|
||||
|
||||
Adding `-y` as a parameter to `amdgpu-install` skips user prompts (for
|
||||
automation). Example: `amdgpu-install -y --usecase=rocm`
|
||||
|
||||
### Skipping kernel mode driver installation
|
||||
|
||||
The installer script tries to install the kernel mode driver along with the
|
||||
requested use cases. This might be unnecessary as in the case of docker
|
||||
containers or you may wish to keep a specific version when using multi-version
|
||||
installation, and not have the last installed version overwrite the kernel mode
|
||||
driver.
|
||||
|
||||
To skip the installation of the kernel-mode driver add the `--no-dkms` option
|
||||
when calling the installer script.
|
||||
@@ -1,25 +0,0 @@
|
||||
# Installer Script Uninstallation (Linux)
|
||||
|
||||
To uninstall all ROCm packages and the kernel-mode driver the following commands
|
||||
can be used.
|
||||
|
||||
::::{rubric} Uninstalling Single-Version Install
|
||||
::::
|
||||
|
||||
```console shell
|
||||
sudo amdgpu-install --uninstall
|
||||
```
|
||||
|
||||
::::{rubric} Uninstalling a Specific ROCm Release
|
||||
::::
|
||||
|
||||
```console shell
|
||||
sudo amdgpu-install --uninstall --rocmrelease=<release-number>
|
||||
```
|
||||
|
||||
::::{rubric} Uninstalling all ROCm Releases
|
||||
::::
|
||||
|
||||
```console shell
|
||||
sudo amdgpu-install --uninstall --rocmrelease=all
|
||||
```
|
||||
@@ -1,5 +0,0 @@
|
||||
# Upgrading with the Installer Script (Linux)
|
||||
|
||||
The upgrade procedure with the installer script is exactly the same as
|
||||
installing for 1st time use. Refer to the {doc}`install`
|
||||
section on the exact procedure to follow.
|
||||
@@ -1,116 +0,0 @@
|
||||
{%- set supported_family = ([
|
||||
{
|
||||
"tag": "instinct",
|
||||
"name": "Select OS",
|
||||
"amdgpu_version": "5.7.1",
|
||||
"amdgpu_install_version": "5.7.50701-1",
|
||||
"rocm_version": "5.7.1",
|
||||
"rocm_install_version": "5.7.50701-1",
|
||||
}
|
||||
]) -%}
|
||||
|
||||
{%- set supported_os = ([
|
||||
{
|
||||
"tag": "ubuntu",
|
||||
"name": "Ubuntu",
|
||||
"shortname" : "Ubuntu",
|
||||
"version": [
|
||||
{
|
||||
"number": "22.04",
|
||||
"release": "jammy"
|
||||
},
|
||||
{
|
||||
"number": "20.04",
|
||||
"release": "focal"
|
||||
}
|
||||
]
|
||||
},
|
||||
{
|
||||
"tag": "rhel",
|
||||
"name": "Red Hat Enterprise Linux",
|
||||
"shortname" : "RHEL",
|
||||
"version": [
|
||||
{
|
||||
"number": "9.2",
|
||||
"release": "rhel9"
|
||||
},
|
||||
{
|
||||
"number": "9.1",
|
||||
"release": "rhel9"
|
||||
},
|
||||
{
|
||||
"number": "8.8",
|
||||
"release": "rhel8"
|
||||
},
|
||||
{
|
||||
"number": "8.7",
|
||||
"release": "rhel8"
|
||||
},
|
||||
]
|
||||
},
|
||||
{
|
||||
"tag": "sle",
|
||||
"name": "SUSE Linux Enterprise Server",
|
||||
"shortname" : "SLES",
|
||||
"version": [
|
||||
{
|
||||
"number": "15.5"
|
||||
},
|
||||
{
|
||||
"number": "15.4"
|
||||
},
|
||||
]
|
||||
}
|
||||
]) -%}
|
||||
|
||||
{%- macro for_family_in(supported_family) %}
|
||||
::::::::{tab-set}
|
||||
{%- for family in supported_family %}
|
||||
:::::::{tab-item} {{ family.name }}
|
||||
:sync: {{ family.tag }}
|
||||
{{ caller(family) }}
|
||||
|
||||
:::::::
|
||||
{%- endfor %}
|
||||
::::::::
|
||||
{%- endmacro -%}
|
||||
|
||||
{%- macro for_os_in(supported_os) %}
|
||||
::::::{tab-set}
|
||||
{%- for os in supported_os %}
|
||||
:::::{tab-item} {{ os.name }}
|
||||
:sync: {{ os.tag }}
|
||||
{{ caller(os) }}
|
||||
|
||||
:::::
|
||||
{%- endfor %}
|
||||
::::::
|
||||
{%- endmacro -%}
|
||||
|
||||
{%- macro for_version_in(os) %}
|
||||
::::{tab-set}
|
||||
{%- for version in os.version %}
|
||||
:::{tab-item} {{ os.shortname }} {{ version.number }}
|
||||
:sync: {{ os.tag }}-{{ version.number }}
|
||||
{{ caller(version) }}
|
||||
|
||||
:::
|
||||
{%- endfor %}
|
||||
::::
|
||||
{%- endmacro -%}
|
||||
|
||||
{%- macro install(os, argument) %}
|
||||
```shell
|
||||
{%- if os.tag == "ubuntu" %}
|
||||
sudo apt install {{ argument }}
|
||||
{%- elif os.tag == "rhel" %}
|
||||
sudo yum install {{ argument }}
|
||||
{%- elif os.tag == "sle" %}
|
||||
sudo zypper install {{ argument }}
|
||||
{%- endif %}
|
||||
```
|
||||
{%- endmacro -%}
|
||||
|
||||
{%- macro header_anchor(family, os) -%}
|
||||
({{ caller() | lower | replace('#', '') | trim | replace(' ', '-')}}-{{ family.tag }}-{{ os.tag }})= {{ caller() }}
|
||||
{%- endmacro -%}
|
||||
@@ -1,38 +0,0 @@
|
||||
# Installation via Package manager
|
||||
|
||||
::::{grid} 2 3 3 3
|
||||
:gutter: 1
|
||||
|
||||
:::{grid-item-card} Install
|
||||
:link: install
|
||||
:link-type: doc
|
||||
|
||||
How to install ROCm?
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Upgrade
|
||||
:link: upgrade
|
||||
:link-type: doc
|
||||
|
||||
Instructions for upgrading an existing ROCm installation.
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Uninstall
|
||||
:link: uninstall
|
||||
:link-type: doc
|
||||
|
||||
Steps for removing ROCm packages libraries and tools.
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Package Manager Integration
|
||||
:link: package_manager_integration
|
||||
:link-type: doc
|
||||
|
||||
Information about packages.
|
||||
:::
|
||||
|
||||
::::
|
||||
|
||||
## See Also
|
||||
|
||||
- {doc}`/release/gpu_os_support`
|
||||
@@ -1,399 +0,0 @@
|
||||
{%- import "deploy/linux/linux.template.jinja" as linux %}
|
||||
<!-- markdownlint-disable no-duplicate-header blanks-around-headings no-multiple-blanks -->
|
||||
# Installation (Linux)
|
||||
|
||||
```{warning}
|
||||
ROCm currently doesn't support integrated graphics. Should your system have an
|
||||
AMD IGP installed, disable it in the BIOS prior to using ROCm. If the driver can
|
||||
enumerate the IGP, the ROCm runtime may crash the system, even if told to omit
|
||||
it via {ref}`hip_visible_devices`.
|
||||
```
|
||||
|
||||
## Understanding the Release-specific AMDGPU and ROCm Repositories on Linux Distributions
|
||||
|
||||
The release-specific repositories consist of packages from a specific release of
|
||||
versions of AMDGPU and ROCm. The repositories are not updated for the latest
|
||||
packages with subsequent releases. When a new ROCm release is available, the new
|
||||
repository, specific to that release, is added. You can select a specific
|
||||
release to install, update the previously installed single version to the later
|
||||
available release, or add the latest version of ROCm along with the currently
|
||||
installed version by using the multi-version ROCm packages.
|
||||
|
||||
## Step by Step Instructions
|
||||
|
||||
{%- call(os) linux.for_os_in(linux.supported_os) %}
|
||||
|
||||
{%- if os.tag == "ubuntu" %}
|
||||
::::{rubric} 1. Download and convert the package signing key
|
||||
::::
|
||||
|
||||
```shell
|
||||
# Make the directory if it doesn't exist yet.
|
||||
# This location is recommended by the distribution maintainers.
|
||||
sudo mkdir --parents --mode=0755 /etc/apt/keyrings
|
||||
# Download the key, convert the signing-key to a full
|
||||
# keyring required by apt and store in the keyring directory
|
||||
wget https://repo.radeon.com/rocm/rocm.gpg.key -O - | \
|
||||
gpg --dearmor | sudo tee /etc/apt/keyrings/rocm.gpg > /dev/null
|
||||
```
|
||||
|
||||
```{note}
|
||||
The GPG key may change; ensure it is updated when installing a new release. If
|
||||
the key signature verification fails while updating, re-add the key from the
|
||||
ROCm to the apt repository as mentioned above. The current `rocm.gpg.key` is not
|
||||
available in a standard key ring distribution but has the following SHA1 sum
|
||||
hash: `73f5d8100de6048aa38a8b84cd9a87f05177d208 rocm.gpg.key`
|
||||
```
|
||||
|
||||
::::{rubric} 2. Add the AMDGPU Repository and Install the Kernel-mode Driver
|
||||
::::
|
||||
|
||||
```{tip}
|
||||
If you have a version of the kernel-mode driver installed, you may skip this
|
||||
section.
|
||||
```
|
||||
|
||||
To add the AMDGPU repository, follow these steps:
|
||||
{% call(version) linux.for_version_in(os) %}
|
||||
|
||||
```{important}
|
||||
Instructions for {{ os.name }} {{ version.number }}
|
||||
```
|
||||
|
||||
```shell
|
||||
# version
|
||||
ver={{ linux.supported_family[0].amdgpu_version }}
|
||||
|
||||
# amdgpu repository for focal
|
||||
echo "deb [arch=amd64 signed-by=/etc/apt/keyrings/rocm.gpg] https://repo.radeon.com/amdgpu/$ver/ubuntu {{ version.release }} main" \
|
||||
| sudo tee /etc/apt/sources.list.d/amdgpu.list
|
||||
sudo apt update
|
||||
```
|
||||
{%- endcall %}
|
||||
|
||||
Install the kernel mode driver and reboot the system using the following
|
||||
commands:
|
||||
|
||||
```shell
|
||||
sudo apt install amdgpu-dkms
|
||||
sudo reboot
|
||||
```
|
||||
|
||||
::::{rubric} 3. Add the ROCm Repository
|
||||
::::
|
||||
|
||||
To add the ROCm repository, use the following steps:
|
||||
|
||||
{%- call(version) linux.for_version_in(os) %}
|
||||
|
||||
```{important}
|
||||
Instructions for {{ os.name }} {{ version.number }}
|
||||
```
|
||||
|
||||
```shell
|
||||
# ROCm repositories for {{ version.release }}
|
||||
for ver in 5.3.3 5.4.6 5.5.3 5.6.1 {{ linux.supported_family[0].rocm_version }}; do
|
||||
echo "deb [arch=amd64 signed-by=/etc/apt/keyrings/rocm.gpg] https://repo.radeon.com/rocm/apt/$ver {{ version.release }} main" \
|
||||
| sudo tee --append /etc/apt/sources.list.d/rocm.list
|
||||
done
|
||||
echo -e 'Package: *\nPin: release o=repo.radeon.com\nPin-Priority: 600' \
|
||||
| sudo tee /etc/apt/preferences.d/rocm-pin-600
|
||||
sudo apt update
|
||||
```
|
||||
{%- endcall %}
|
||||
|
||||
::::{rubric} 4. Install packages
|
||||
::::
|
||||
|
||||
Install packages of your choice in a single-version ROCm install or
|
||||
in a multi-version ROCm install fashion. For more information on what
|
||||
single/multi-version installations are, refer to {ref}`installation-types`.
|
||||
For a comprehensive list of meta-packages, refer to
|
||||
{ref}`meta-package-desc`.
|
||||
|
||||
- Sample Single-version installation
|
||||
|
||||
```shell
|
||||
sudo apt install rocm-hip-sdk
|
||||
```
|
||||
|
||||
- Sample Multi-version installation
|
||||
|
||||
```shell
|
||||
sudo apt install rocm-hip-sdk{{ linux.supported_family[0].rocm_version }} rocm-hip-sdk5.6.1 rocm-hip-sdk5.5.3
|
||||
```
|
||||
{%- elif os.tag == "rhel" %}
|
||||
::::{rubric} 1. Add the AMDGPU Stack Repository and Install the Kernel-mode Driver
|
||||
::::
|
||||
|
||||
```{tip}
|
||||
If you have a version of the kernel-mode driver installed, you may skip this
|
||||
section.
|
||||
```
|
||||
{% call(version) linux.for_version_in(os) %}
|
||||
|
||||
```{important}
|
||||
Instructions for {{ os.name }} {{ version.number }}
|
||||
```
|
||||
|
||||
```shell
|
||||
# version
|
||||
ver={{ linux.supported_family[0].amdgpu_version }}
|
||||
|
||||
sudo tee /etc/yum.repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/$ver/rhel/{{ version.number }}/main/x86_64/
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo yum clean all
|
||||
```
|
||||
{%- endcall %}
|
||||
Install the kernel mode driver and reboot the system using the following
|
||||
commands:
|
||||
|
||||
```shell
|
||||
sudo yum install amdgpu-dkms
|
||||
sudo reboot
|
||||
```
|
||||
|
||||
::::{rubric} 2. Add the ROCm Stack Repository
|
||||
::::
|
||||
|
||||
To add the ROCm repository, use the following steps, based on your distribution:
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} RHEL 8
|
||||
:sync: RHEL-8
|
||||
|
||||
```shell
|
||||
for ver in 5.3.3 5.4.6 5.5.3 5.6.1 {{ linux.supported_family[0].rocm_version }}; do
|
||||
sudo tee --append /etc/yum.repos.d/rocm.repo <<EOF
|
||||
[ROCm-$ver]
|
||||
name=ROCm$ver
|
||||
baseurl=https://repo.radeon.com/rocm/rhel8/$ver/main
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
done
|
||||
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} RHEL 9
|
||||
:sync: RHEL-9
|
||||
|
||||
```shell
|
||||
for ver in 5.3.3 5.4.6 5.5.3 5.6.1 {{ linux.supported_family[0].rocm_version }}; do
|
||||
sudo tee --append /etc/yum.repos.d/rocm.repo <<EOF
|
||||
[ROCm-$ver]
|
||||
name=ROCm$ver
|
||||
baseurl=https://repo.radeon.com/rocm/rhel9/$ver/main
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
done
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
::::{rubric} 3. Install packages
|
||||
::::
|
||||
|
||||
Install packages of your choice in a single-version ROCm install or
|
||||
in a multi-version ROCm install fashion. For more information on what
|
||||
single/multi-version installations are, refer to {ref}`installation-types`.
|
||||
For a comprehensive list of meta-packages, refer to
|
||||
{ref}`meta-package-desc`.
|
||||
|
||||
- Sample Single-version installation
|
||||
|
||||
```shell
|
||||
sudo yum install rocm-hip-sdk
|
||||
```
|
||||
|
||||
- Sample Multi-version installation
|
||||
|
||||
```shell
|
||||
sudo yum install rocm-hip-sdk{{ linux.supported_family[0].rocm_version }} rocm-hip-sdk5.6.1
|
||||
```
|
||||
{%- elif os.tag == "sle" %}
|
||||
::::{rubric} 1. Add the AMDGPU Repository and Install the Kernel-mode Driver
|
||||
::::
|
||||
|
||||
```{tip}
|
||||
If you have a version of the kernel-mode driver installed, you may skip this
|
||||
section.
|
||||
```
|
||||
{% call(version) linux.for_version_in(os) %}
|
||||
|
||||
```{important}
|
||||
Instructions for {{ os.name }} {{ version.number }}
|
||||
```
|
||||
|
||||
```shell
|
||||
# version
|
||||
ver={{ linux.supported_family[0].amdgpu_version }}
|
||||
|
||||
sudo tee /etc/zypp/repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/$ver/sle/{{ version.number }}/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo zypper ref
|
||||
```
|
||||
{%- endcall %}
|
||||
|
||||
Install the kernel mode driver and reboot the system using the following
|
||||
commands:
|
||||
|
||||
```shell
|
||||
sudo zypper --gpg-auto-import-keys install amdgpu-dkms
|
||||
sudo reboot
|
||||
```
|
||||
|
||||
::::{rubric} 2. Add the ROCm Stack Repository
|
||||
::::
|
||||
|
||||
To add the ROCm repository, use the following steps:
|
||||
|
||||
```shell
|
||||
for ver in 5.3.3 5.4.6 5.5.3 5.6.1 {{ linux.supported_family[0].rocm_version }}; do
|
||||
sudo tee --append /etc/zypp/repos.d/rocm.repo <<EOF
|
||||
[ROCm-$ver]
|
||||
name=ROCm$ver
|
||||
name=rocm
|
||||
baseurl=https://repo.radeon.com/rocm/zyp/$ver/main
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
done
|
||||
sudo zypper ref
|
||||
```
|
||||
|
||||
::::{rubric} 3. Install packages
|
||||
::::
|
||||
|
||||
Install packages of your choice in a single-version ROCm install or
|
||||
in a multi-version ROCm install fashion. For more information on what
|
||||
single/multi-version installations are, refer to {ref}`installation-types`.
|
||||
For a comprehensive list of meta-packages, refer to
|
||||
{ref}`meta-package-desc`.
|
||||
|
||||
- Sample Single-version installation
|
||||
|
||||
```shell
|
||||
sudo zypper --gpg-auto-import-keys install rocm-hip-sdk
|
||||
```
|
||||
|
||||
- Sample Multi-version installation
|
||||
|
||||
```shell
|
||||
sudo zypper --gpg-auto-import-keys install rocm-hip-sdk{{ linux.supported_family[0].rocm_version }} rocm-hip-sdk5.6.1
|
||||
```
|
||||
{%- endif %}
|
||||
{%- endcall %}
|
||||
|
||||
(post-install-actions-linux)=
|
||||
## Post-install Actions and Verification Process
|
||||
|
||||
The post-install actions listed here are optional and depend on your use case,
|
||||
but are generally useful. Verification of the install is advised.
|
||||
|
||||
### Post-install Actions
|
||||
|
||||
1. Instruct the system linker where to find the shared objects (`.so` files) for
|
||||
ROCm applications.
|
||||
|
||||
```shell
|
||||
sudo tee --append /etc/ld.so.conf.d/rocm.conf <<EOF
|
||||
/opt/rocm/lib
|
||||
/opt/rocm/lib64
|
||||
EOF
|
||||
sudo ldconfig
|
||||
```
|
||||
|
||||
```{note}
|
||||
Multi-version installations require extra care. Having multiple versions on
|
||||
the system linker library search path is unadvised. One must take care both
|
||||
at compile-time and at run-time to assure that the proper libraries are
|
||||
picked up. You can override `ld.so.conf` entries on a case-by-case basis
|
||||
using the `LD_LIBRARY_PATH` environmental variable.
|
||||
```
|
||||
|
||||
2. Add binary paths to the `PATH` environment variable.
|
||||
|
||||
```shell
|
||||
export PATH=$PATH:/opt/rocm-{{ linux.supported_family[0].rocm_version }}/bin:/opt/rocm-{{ linux.supported_family[0].rocm_version }}/opencl/bin
|
||||
|
||||
```
|
||||
|
||||
```{attention}
|
||||
When using CMake to build applications, having the ROCm install location on
|
||||
the PATH subtly affects how ROCm libraries are searched for. See [Config Mode
|
||||
Search Procedure](https://cmake.org/cmake/help/latest/command/find_package.html#config-mode-search-procedure)
|
||||
and [CMAKE_FIND_USE_SYSTEM_ENVIRONMENT_PATH](https://cmake.org/cmake/help/latest/variable/CMAKE_FIND_USE_SYSTEM_ENVIRONMENT_PATH.html)
|
||||
for details.
|
||||
|
||||
(Entries in the `PATH` minus `bin` and `sbin` are added to library search
|
||||
paths, therefore this convenience will affect builds and result in ROCm
|
||||
libraries almost always being found. This may be an issue when you're
|
||||
developing these libraries or want to use self-built versions of them.)
|
||||
```
|
||||
|
||||
(verifying-kernel-mode-driver-installation)=
|
||||
|
||||
### Verifying Kernel-mode Driver Installation
|
||||
|
||||
Check the installation of the kernel-mode driver by typing the command given
|
||||
below:
|
||||
|
||||
```shell
|
||||
dkms status
|
||||
```
|
||||
|
||||
### Verifying ROCm Installation
|
||||
|
||||
After completing the ROCm installation, execute the following commands on the
|
||||
system to verify if the installation is successful. If you see your GPUs listed
|
||||
by both commands, the installation is considered successful:
|
||||
|
||||
```shell
|
||||
/opt/rocm/bin/rocminfo
|
||||
# OR
|
||||
/opt/rocm/opencl/bin/clinfo
|
||||
```
|
||||
|
||||
### Verifying Package Installation
|
||||
|
||||
To ensure the packages are installed successfully, use the following commands:
|
||||
|
||||
{%- call(os) linux.for_os_in(linux.supported_os) %}
|
||||
{%- if os.tag == "ubuntu" %}
|
||||
```shell
|
||||
sudo apt list --installed
|
||||
```
|
||||
{%- elif os.tag == "rhel" %}
|
||||
```shell
|
||||
sudo yum list installed
|
||||
```
|
||||
{%- elif os.tag == "sle" %}
|
||||
```shell
|
||||
sudo zypper search --installed-only
|
||||
```
|
||||
{%- endif %}
|
||||
{%- endcall %}
|
||||
@@ -1,383 +0,0 @@
|
||||
# Upgrade ROCm with the package manager
|
||||
|
||||
This section explains how to upgrade the existing AMDGPU driver and ROCm
|
||||
packages to the latest version using your OS's distributed package manager.
|
||||
|
||||
```{note}
|
||||
Package upgrade is applicable to single-version packages only. If the preference
|
||||
is to install an updated version of the ROCm along with the currently
|
||||
installed version, refer to the [](install) page.
|
||||
```
|
||||
|
||||
## Upgrade Steps
|
||||
|
||||
### Update the AMDGPU repository
|
||||
|
||||
Execute the commands below based on your distribution to point the `amdgpu`
|
||||
repository to the new release.
|
||||
|
||||
::::::{tab-set}
|
||||
:::::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu 20.04
|
||||
:sync: ubuntu-20.04
|
||||
|
||||
```shell
|
||||
# version
|
||||
version=5.7
|
||||
|
||||
|
||||
# amdgpu repository for focal
|
||||
echo "deb [arch=amd64 signed-by=/etc/apt/keyrings/rocm.gpg] https://repo.radeon.com/amdgpu/$version/ubuntu focal main" \
|
||||
| sudo tee /etc/apt/sources.list.d/amdgpu.list
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} Ubuntu 22.04
|
||||
:sync: ubuntu-22.04
|
||||
|
||||
```shell
|
||||
# version
|
||||
version=5.7
|
||||
|
||||
|
||||
# amdgpu repository for jammy
|
||||
echo "deb [arch=amd64 signed-by=/etc/apt/keyrings/rocm.gpg] https://repo.radeon.com/amdgpu/$version/ubuntu jammy main" \
|
||||
| sudo tee /etc/apt/sources.list.d/amdgpu.list
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
:::::
|
||||
:::::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} RHEL 9.2
|
||||
:sync: RHEL-9.2
|
||||
:sync: RHEL-9
|
||||
|
||||
```shell
|
||||
# version
|
||||
version=5.7
|
||||
|
||||
|
||||
sudo tee /etc/yum.repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/$version/rhel/9.2/main/x86_64/
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} RHEL 9.1
|
||||
:sync: RHEL-9.1
|
||||
:sync: RHEL-9
|
||||
|
||||
```shell
|
||||
# version
|
||||
version=5.7
|
||||
|
||||
|
||||
sudo tee /etc/yum.repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/$version/rhel/9.1/main/x86_64/
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} RHEL 8.8
|
||||
:sync: RHEL-8.8
|
||||
:sync: RHEL-8
|
||||
|
||||
```shell
|
||||
# version
|
||||
version=5.7
|
||||
|
||||
|
||||
sudo tee /etc/yum.repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/$version/rhel/8.8/main/x86_64/
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} RHEL 8.7
|
||||
:sync: RHEL-8.7
|
||||
:sync: RHEL-8
|
||||
|
||||
```shell
|
||||
# version
|
||||
version=5.7
|
||||
|
||||
|
||||
sudo tee /etc/yum.repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/$version/rhel/8.7/main/x86_64/
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
:::::
|
||||
:::::{tab-item} SUSE Linux Enterprise Server
|
||||
:sync: SLES
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} SLES 15.5
|
||||
:sync: SLES-15.5
|
||||
|
||||
```shell
|
||||
# version
|
||||
version=5.7
|
||||
|
||||
|
||||
sudo tee /etc/zypp/repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/$version/sle/15.5/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo zypper ref
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} SLES 15.4
|
||||
:sync: SLES-15.4
|
||||
|
||||
```shell
|
||||
# version
|
||||
version=5.7
|
||||
|
||||
|
||||
sudo tee /etc/zypp/repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/$version/sle/15.4/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo zypper ref
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
:::::
|
||||
::::::
|
||||
|
||||
### Upgrade the kernel-mode driver & reboot
|
||||
|
||||
Upgrade the kernel mode driver and reboot the system using the following
|
||||
commands based on your distribution:
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
```shell
|
||||
sudo apt install amdgpu-dkms
|
||||
sudo reboot
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
```shell
|
||||
sudo yum install amdgpu-dkms
|
||||
sudo reboot
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} SUSE Linux Enterprise Server
|
||||
:sync: SLES
|
||||
|
||||
```shell
|
||||
sudo zypper --gpg-auto-import-keys install amdgpu-dkms
|
||||
sudo reboot
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
### Update the ROCm repository
|
||||
|
||||
Execute the commands below based on your distribution to point the `rocm`
|
||||
repository to the new release.
|
||||
|
||||
::::::{tab-set}
|
||||
:::::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu 20.04
|
||||
:sync: ubuntu-20.04
|
||||
|
||||
```shell
|
||||
# version
|
||||
version=5.7
|
||||
|
||||
|
||||
echo "deb [arch=amd64 signed-by=/etc/apt/keyrings/rocm.gpg] https://repo.radeon.com/rocm/apt/$version focal main" \
|
||||
| sudo tee /etc/apt/sources.list.d/rocm.list
|
||||
echo -e 'Package: *\nPin: release o=repo.radeon.com\nPin-Priority: 600' \
|
||||
| sudo tee /etc/apt/preferences.d/rocm-pin-600
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} Ubuntu 22.04
|
||||
:sync: ubuntu-22.04
|
||||
|
||||
```shell
|
||||
# version
|
||||
version=5.7
|
||||
|
||||
|
||||
echo "deb [arch=amd64 signed-by=/etc/apt/keyrings/rocm.gpg] https://repo.radeon.com/rocm/apt/$version jammy main" \
|
||||
| sudo tee /etc/apt/sources.list.d/rocm.list
|
||||
echo -e 'Package: *\nPin: release o=repo.radeon.com\nPin-Priority: 600' \
|
||||
| sudo tee /etc/apt/preferences.d/rocm-pin-600
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
:::::
|
||||
:::::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} RHEL 8
|
||||
:sync: RHEL-8
|
||||
|
||||
```shell
|
||||
# version
|
||||
version=5.7
|
||||
|
||||
|
||||
sudo tee /etc/yum.repos.d/rocm.repo <<EOF
|
||||
[ROCm-$ver]
|
||||
name=ROCm$ver
|
||||
baseurl=https://repo.radeon.com/rocm/rhel8/$version/main
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} RHEL 9
|
||||
:sync: RHEL-9
|
||||
|
||||
```shell
|
||||
# version
|
||||
version=5.7
|
||||
|
||||
|
||||
sudo tee /etc/yum.repos.d/rocm.repo <<EOF
|
||||
[ROCm-$ver]
|
||||
name=ROCm$ver
|
||||
baseurl=https://repo.radeon.com/rocm/rhel9/$version/main
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
:::::
|
||||
:::::{tab-item} SUSE Linux Enterprise Server
|
||||
:sync: SLES
|
||||
|
||||
```shell
|
||||
# version
|
||||
version=5.7
|
||||
|
||||
sudo tee /etc/zypp/repos.d/rocm.repo <<EOF
|
||||
[ROCm-$ver]
|
||||
name=ROCm$ver
|
||||
name=rocm
|
||||
baseurl=https://repo.radeon.com/rocm/zyp/$version/main
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo zypper ref
|
||||
```
|
||||
|
||||
:::::
|
||||
::::::
|
||||
|
||||
### Upgrade the ROCm packages
|
||||
|
||||
Your packages can be upgraded now through their meta-packages, see the following
|
||||
example based on your distribution:
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
```shell
|
||||
sudo apt install --only-upgrade rocm-hip-sdk
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
```shell
|
||||
sudo yum update rocm-hip-sdk
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} Suse Linux Enterprise Server
|
||||
:sync: SLES
|
||||
|
||||
```shell
|
||||
sudo zypper --gpg-auto-import-keys update rocm-hip-sdk
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
## Verification Process
|
||||
|
||||
To verify if the upgrade is successful, refer to the
|
||||
{ref}`post-install-actions-linux` given in the
|
||||
[Installation](install) section.
|
||||
@@ -12,6 +12,8 @@ following AMD ROCm programming models:
|
||||
A meta-package is a grouping of related packages and dependencies used to
|
||||
support a specific use case.
|
||||
|
||||
**Example:** Running HIP applications
|
||||
|
||||
All meta-packages exist in both versioned and non-versioned forms.
|
||||
|
||||
- Non-versioned packages – For a single-version installation of the ROCm stack
|
||||
@@ -49,148 +49,59 @@ Verify the kernel version using the following steps:
|
||||
uname -srmv
|
||||
```
|
||||
|
||||
2. Confirm that the obtained kernel version information matches with System
|
||||
Requirements.
|
||||
|
||||
**Example:** The output of the command above lists the kernel version in the
|
||||
following format:
|
||||
|
||||
```output
|
||||
```shell
|
||||
Linux 5.15.0-46-generic #44~20.04.5-Ubuntu SMP Fri Jun 24 13:27:29 UTC 2022 x86_64
|
||||
```
|
||||
|
||||
2. Confirm that the obtained kernel version information matches with system
|
||||
requirements as listed in {ref}`supported_distributions`.
|
||||
## Confirm the System has a ROCm-Capable GPU
|
||||
|
||||
## Additional package repositories
|
||||
The ROCm platform is designed to support the following GPUs:
|
||||
|
||||
On some distributions the ROCm packages depend on packages outside the default
|
||||
package repositories. These extra repositories need to be enabled before
|
||||
installation. Follow the instructions below based on your distributions.
|
||||
|
||||
::::::{tab-set}
|
||||
|
||||
:::::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
All packages are available in the default Ubuntu repositories, therefore
|
||||
no additional repositories need to be added.
|
||||
|
||||
:::::
|
||||
:::::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
::::{rubric} 1. Add the EPEL repository
|
||||
::::
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} RHEL 8
|
||||
:sync: RHEL-8
|
||||
|
||||
```shell
|
||||
wget https://dl.fedoraproject.org/pub/epel/epel-release-latest-8.noarch.rpm
|
||||
sudo rpm -ivh epel-release-latest-8.noarch.rpm
|
||||
```{table} GPU Support for ROCm Programming Models
|
||||
:name: gpu-support
|
||||
| **Classification** | **GPU Name** | **GFX ID** | **Product Id** |
|
||||
|:------------------:|:-------------------------:|:----------:|:--------------:|
|
||||
| **GFX9 GPUs** | AMD Radeon Instinct™ MI50 | gfx906 | Vega 20 |
|
||||
| **GFX9 GPUs** | AMD Radeon Instinct™ MI60 | gfx906 | Vega 20 |
|
||||
| **GFX9 GPUs** | AMD Radeon™ VII | gfx906 | Vega 20 |
|
||||
| **GFX9 GPUs** | AMD Radeon™ Pro VII | gfx906 | Vega 20 |
|
||||
| **RDNA GPUs** | AMD Radeon™ Pro W6800 | gfx1030 | Navi 21 GL-XL |
|
||||
| **RDNA GPUs** | AMD Radeon™ Pro V620 | gfx1030 | Navi 21 GL-XE |
|
||||
| **CDNA GPUs** | AMD Instinct™ MI100 | gfx908 | Arcturus |
|
||||
| **CDNA GPUs** | AMD Instinct™ MI200 | gfx90a | Aldebaran |
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} RHEL 9
|
||||
:sync: RHEL-9
|
||||
### Verify Your System Has a ROCm-Capable GPU
|
||||
|
||||
```shell
|
||||
wget https://dl.fedoraproject.org/pub/epel/epel-release-latest-9.noarch.rpm
|
||||
sudo rpm -ivh epel-release-latest-9.noarch.rpm
|
||||
```
|
||||
To verify that your system has a ROCm-capable GPU, use these steps:
|
||||
|
||||
:::
|
||||
::::
|
||||
1. Enter the following command:
|
||||
|
||||
::::{rubric} 2. Enable the CodeReady Linux Builder repository
|
||||
::::
|
||||
```shell
|
||||
lspci | grep -i display
|
||||
```
|
||||
|
||||
Run the following command and follow the instructions.
|
||||
The command displays the details of detected GPUs on the system in the
|
||||
following format in the case of AMD Instinct™ MI200:
|
||||
|
||||
```shell
|
||||
sudo crb enable
|
||||
```
|
||||
```text
|
||||
c1:00.0 Display controller: Advanced Micro Devices, Inc. [AMD/ATI] Aldebaran
|
||||
c5:00.0 Display controller: Advanced Micro Devices, Inc. [AMD/ATI] Aldebaran
|
||||
```
|
||||
|
||||
:::::
|
||||
:::::{tab-item} SUSE Linux Enterprise Server
|
||||
:sync: SLES
|
||||
2. Verify from the output that the listed product names match with the Product
|
||||
Id given in the table above.
|
||||
|
||||
Add the perl languages repository.
|
||||
|
||||
```{note}
|
||||
Mar 25, 2024: We currently need to install the Perl module from SLES 15 SP5 as a workaround. The module was removed for SLES 15 SP4.
|
||||
```
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} SLES 15.4
|
||||
:sync: SLES-15.4
|
||||
|
||||
```shell
|
||||
zypper addrepo https://download.opensuse.org/repositories/devel:/languages:/perl/15.5/devel:languages:perl.repo
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} SLES 15.5
|
||||
:sync: SLES-15.5
|
||||
|
||||
```shell
|
||||
zypper addrepo https://download.opensuse.org/repositories/devel:/languages:/perl/15.5/devel:languages:perl.repo
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
:::::
|
||||
::::::
|
||||
|
||||
## Kernel headers and development packages
|
||||
|
||||
The driver package uses
|
||||
[{abbr}`DKMS (Dynamic Kernel Module Support)`][DKMS-wiki] to build
|
||||
the `amdgpu-dkms` module (driver) for the installed kernels. This requires the
|
||||
Linux kernel headers and modules to be installed for each. Usually these are
|
||||
automatically installed with the kernel, but if you have multiple kernel
|
||||
versions or you have downloaded the kernel images and not the kernel
|
||||
meta-packages then they must be manually installed.
|
||||
|
||||
[DKMS-wiki]: https://en.wikipedia.org/wiki/Dynamic_Kernel_Module_Support
|
||||
|
||||
To install for the currently active kernel run the command corresponding
|
||||
to your distribution.
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
```shell
|
||||
sudo apt install "linux-headers-$(uname -r)" "linux-modules-extra-$(uname -r)"
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
```shell
|
||||
sudo yum install kernel-headers kernel-devel
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} SUSE Linux Enterprise Server
|
||||
:sync: SLES
|
||||
|
||||
```shell
|
||||
sudo zypper install kernel-default-devel
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
## Setting Permissions for Groups
|
||||
### Setting Permissions for Groups
|
||||
|
||||
This section provides steps to add any current user to a video group to access
|
||||
GPU resources.
|
||||
Use of the video group is recommended for all ROCm-supported operating
|
||||
systems.
|
||||
|
||||
1. To check the groups in your system, issue the following command:
|
||||
|
||||
@@ -198,17 +109,21 @@ systems.
|
||||
groups
|
||||
```
|
||||
|
||||
2. Add yourself to the `render` and `video` group using the command:
|
||||
2. Add yourself to the `render` or `video` group using the following instruction:
|
||||
|
||||
```shell
|
||||
sudo usermod -a -G render,video $LOGNAME
|
||||
sudo usermod -a -G render $LOGNAME
|
||||
# OR
|
||||
sudo usermod -a -G video $LOGNAME
|
||||
```
|
||||
|
||||
To add all future users to the `video` and `render` groups by default, run
|
||||
the following commands:
|
||||
3. Use of the video group is recommended for all ROCm-supported operating
|
||||
systems.
|
||||
|
||||
```shell
|
||||
echo 'ADD_EXTRA_GROUPS=1' | sudo tee -a /etc/adduser.conf
|
||||
echo 'EXTRA_GROUPS=video' | sudo tee -a /etc/adduser.conf
|
||||
echo 'EXTRA_GROUPS=render' | sudo tee -a /etc/adduser.conf
|
||||
```
|
||||
To add all future users to the `video` and `render` groups by default, run the following commands:
|
||||
|
||||
```shell
|
||||
echo 'ADD_EXTRA_GROUPS=1' | sudo tee -a /etc/adduser.conf
|
||||
echo 'EXTRA_GROUPS=video' | sudo tee -a /etc/adduser.conf
|
||||
echo 'EXTRA_GROUPS=render' | sudo tee -a /etc/adduser.conf
|
||||
```
|
||||
|
||||
329
docs/deploy/linux/quick_start.md
Normal file
@@ -0,0 +1,329 @@
|
||||
# Quick Start (Linux)
|
||||
|
||||
## Install Prerequisites
|
||||
|
||||
The driver package uses
|
||||
[{abbr}`DKMS (Dynamic Kernel Module Support)`][DKMS-wiki] to build
|
||||
the `amdgpu-dkms` module (driver) for the installed kernels. This requires the Linux
|
||||
kernel headers and modules to be installed for each. Usually these are
|
||||
automatically installed with the kernel, but if you have multiple kernel
|
||||
versions or you have downloaded the kernel images and not the kernel
|
||||
meta-packages then they must be manually installed.
|
||||
|
||||
[DKMS-wiki]: https://en.wikipedia.org/wiki/Dynamic_Kernel_Module_Support
|
||||
|
||||
To install for the currently active kernel run the command corresponding
|
||||
to your distribution.
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
```shell
|
||||
sudo apt install "linux-headers-$(uname -r)" "linux-modules-extra-$(uname -r)"
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
```shell
|
||||
sudo yum install kernel-headers kernel-devel
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} SUSE Linux Enterprise Server
|
||||
:sync: SLES
|
||||
|
||||
```shell
|
||||
sudo zypper install kernel-default-devel
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
## Add Repositories
|
||||
|
||||
::::::{tab-set}
|
||||
:::::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
::::{rubric} 1. Download and convert the package signing key
|
||||
::::
|
||||
|
||||
```shell
|
||||
# Make the directory if it doesn't exist yet.
|
||||
# This location is recommended by the distribution maintainers.
|
||||
sudo mkdir --parents --mode=0755 /etc/apt/keyrings
|
||||
# Download the key, convert the signing-key to a full
|
||||
# keyring required by apt and store in the keyring directory
|
||||
wget https://repo.radeon.com/rocm/rocm.gpg.key -O - | \
|
||||
gpg --dearmor | sudo tee /etc/apt/keyrings/rocm.gpg > /dev/null
|
||||
```
|
||||
|
||||
::::{rubric} 2. Add the repositories
|
||||
::::
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu 20.04
|
||||
:sync: ubuntu-20.04
|
||||
|
||||
```shell
|
||||
# Kernel driver repository for focal
|
||||
sudo tee /etc/apt/sources.list.d/amdgpu.list <<'EOF'
|
||||
deb [arch=amd64 signed-by=/etc/apt/keyrings/rocm.gpg] https://repo.radeon.com/amdgpu/latest/ubuntu focal main
|
||||
EOF
|
||||
# ROCm repository for focal
|
||||
sudo tee /etc/apt/sources.list.d/rocm.list <<'EOF'
|
||||
deb [arch=amd64 signed-by=/etc/apt/keyrings/rocm.gpg] https://repo.radeon.com/rocm/apt/debian focal main
|
||||
EOF
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} Ubuntu 22.04
|
||||
:sync: ubuntu-22.04
|
||||
|
||||
```shell
|
||||
# Kernel driver repository for jammy
|
||||
sudo tee /etc/apt/sources.list.d/amdgpu.list <<'EOF'
|
||||
deb [arch=amd64 signed-by=/etc/apt/keyrings/rocm.gpg] https://repo.radeon.com/amdgpu/latest/ubuntu jammy main
|
||||
EOF
|
||||
# ROCm repository for jammy
|
||||
sudo tee /etc/apt/sources.list.d/rocm.list <<'EOF'
|
||||
deb [arch=amd64 signed-by=/etc/apt/keyrings/rocm.gpg] https://repo.radeon.com/rocm/apt/debian jammy main
|
||||
EOF
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
::::{rubric} 3. Update the list of packages
|
||||
::::
|
||||
|
||||
```shell
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::::
|
||||
|
||||
:::::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
::::{rubric} 1. Add the repositories
|
||||
::::
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} RHEL 8.6
|
||||
:sync: RHEL-8.6
|
||||
|
||||
```shell
|
||||
# Add the amdgpu module repository for RHEL 8.6
|
||||
sudo tee /etc/yum.repos.d/amdgpu.repo <<'EOF'
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/latest/rhel/8.6/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
# Add the rocm repository for RHEL 8
|
||||
sudo tee /etc/yum.repos.d/rocm.repo <<'EOF'
|
||||
[rocm]
|
||||
name=rocm
|
||||
baseurl=https://repo.radeon.com/rocm/rhel8/latest/main
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} RHEL 8.7
|
||||
:sync: RHEL-8.7
|
||||
|
||||
```shell
|
||||
# Add the amdgpu module repository for RHEL 8.7
|
||||
sudo tee /etc/yum.repos.d/amdgpu.repo <<'EOF'
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/latest/rhel/8.7/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
# Add the rocm repository for RHEL 8
|
||||
sudo tee /etc/yum.repos.d/rocm.repo <<'EOF'
|
||||
[rocm]
|
||||
name=rocm
|
||||
baseurl=https://repo.radeon.com/rocm/rhel8/latest/main
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} RHEL 9.1
|
||||
:sync: RHEL-9.1
|
||||
|
||||
```shell
|
||||
# Add the amdgpu module repository for RHEL 9.1
|
||||
sudo tee /etc/yum.repos.d/amdgpu.repo <<'EOF'
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/latest/rhel/9.1/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
# Add the rocm repository for RHEL 9
|
||||
sudo tee /etc/yum.repos.d/rocm.repo <<'EOF'
|
||||
[rocm]
|
||||
name=rocm
|
||||
baseurl=https://repo.radeon.com/rocm/rhel9/latest/main
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
::::{rubric} 2. Clean cached files from enabled repositories
|
||||
::::
|
||||
|
||||
```shell
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::::
|
||||
|
||||
:::::{tab-item} SUSE Linux Enterprise Server
|
||||
:sync: SLES
|
||||
|
||||
::::{rubric} 1. Add the repositories
|
||||
::::
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} SLES 15 SP4
|
||||
:sync: SLES15-SP4
|
||||
|
||||
```shell
|
||||
|
||||
# Add the amdgpu module repository for SLES 15.4
|
||||
sudo tee /etc/zypp/repos.d/amdgpu.repo <<'EOF'
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/latest/sle/15.4/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
# Add the rocm repository for SLES
|
||||
sudo tee /etc/zypp/repos.d/rocm.repo <<'EOF'
|
||||
[rocm]
|
||||
name=rocm
|
||||
baseurl=https://repo.radeon.com/rocm/zyp/zypper
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
::::{rubric} 2. Update the new repository
|
||||
::::
|
||||
|
||||
```shell
|
||||
sudo zypper ref
|
||||
```
|
||||
|
||||
:::::
|
||||
::::::
|
||||
|
||||
## Install Drivers
|
||||
|
||||
Install the `amdgpu-dkms` kernel module, aka driver, on your system.
|
||||
|
||||
::::{tab-set}
|
||||
|
||||
:::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
```shell
|
||||
sudo apt install amdgpu-dkms
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
```shell
|
||||
sudo yum install amdgpu-dkms
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} SUSE Linux Enterprise Server
|
||||
:sync: SLES
|
||||
|
||||
```shell
|
||||
sudo zypper install amdgpu-dkms
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
::::
|
||||
|
||||
## Install ROCm Runtimes
|
||||
|
||||
Install the `rocm-hip-libraries` meta-package. This contains dependencies for most
|
||||
common ROCm applications.
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
```console shell
|
||||
sudo apt install rocm-hip-libraries
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
```console shell
|
||||
sudo yum install rocm-hip-libraries
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} SUSE Linux Enterprise Server
|
||||
:sync: SLES
|
||||
|
||||
```console shell
|
||||
sudo zypper install rocm-hip-libraries
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
## Reboot the system
|
||||
|
||||
Loading the new driver requires a reboot of the system.
|
||||
|
||||
```shell
|
||||
sudo reboot
|
||||
```
|
||||
@@ -1,162 +0,0 @@
|
||||
{%- import "deploy/linux/linux.template.jinja" as linux %}
|
||||
<!-- markdownlint-disable no-duplicate-header blanks-around-headings no-multiple-blanks -->
|
||||
# Quick Start (Linux)
|
||||
|
||||
:::{note}
|
||||
See {doc}`Radeon Software for Linux installation instructions <radeon:docs/install/install-radeon>`
|
||||
for those using select RDNA™ 3 GPU with graphical applications and ROCm.
|
||||
:::
|
||||
|
||||
## Add Repositories
|
||||
{% set family = linux.supported_family[0] %}
|
||||
|
||||
{%- call(os) linux.for_os_in(linux.supported_os) %}
|
||||
|
||||
{%- if os.tag == "ubuntu" %}
|
||||
::::{rubric} 1. Download and convert the package signing key
|
||||
::::
|
||||
|
||||
```shell
|
||||
# Make the directory if it doesn't exist yet.
|
||||
# This location is recommended by the distribution maintainers.
|
||||
sudo mkdir --parents --mode=0755 /etc/apt/keyrings
|
||||
# Download the key, convert the signing-key to a full
|
||||
# keyring required by apt and store in the keyring directory
|
||||
wget https://repo.radeon.com/rocm/rocm.gpg.key -O - | \
|
||||
gpg --dearmor | sudo tee /etc/apt/keyrings/rocm.gpg > /dev/null
|
||||
```
|
||||
|
||||
::::{rubric} 2. Add the repositories
|
||||
::::
|
||||
{%- call(version) linux.for_version_in(os) %}
|
||||
|
||||
```{important}
|
||||
Instructions for {{ family.name }}, {{ os.name }} {{ version.number }}
|
||||
```
|
||||
|
||||
```shell
|
||||
# Kernel driver repository for {{ version.release }}
|
||||
sudo tee /etc/apt/sources.list.d/amdgpu.list <<'EOF'
|
||||
deb [arch=amd64 signed-by=/etc/apt/keyrings/rocm.gpg] https://repo.radeon.com/amdgpu/{{ family.amdgpu_version }}/ubuntu {{ version.release }} main
|
||||
EOF
|
||||
# ROCm repository for {{ version.release }}
|
||||
sudo tee /etc/apt/sources.list.d/rocm.list <<'EOF'
|
||||
deb [arch=amd64 signed-by=/etc/apt/keyrings/rocm.gpg] https://repo.radeon.com/rocm/apt/{{ family.amdgpu_version }} {{ version.release }} main
|
||||
EOF
|
||||
# Prefer packages from the rocm repository over system packages
|
||||
echo -e 'Package: *\nPin: release o=repo.radeon.com\nPin-Priority: 600' | sudo tee /etc/apt/preferences.d/rocm-pin-600
|
||||
```
|
||||
|
||||
{%- endcall %}
|
||||
|
||||
::::{rubric} 3. Update the list of packages
|
||||
::::
|
||||
|
||||
```shell
|
||||
sudo apt update
|
||||
```
|
||||
{%- elif os.tag == "rhel" %}
|
||||
::::{rubric} 1. Add the repositories
|
||||
::::
|
||||
{%- call(version) linux.for_version_in(os) %}
|
||||
|
||||
```{important}
|
||||
Instructions for {{ family.name }}, {{ os.name }} {{ version.number }}
|
||||
```
|
||||
|
||||
```shell
|
||||
# Add the amdgpu module repository for RHEL {{ version.number }}
|
||||
sudo tee /etc/yum.repos.d/amdgpu.repo <<'EOF'
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/{{ family.amdgpu_version }}/rhel/{{ version.number }}/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
# Add the rocm repository for {{ version.release | upper }}
|
||||
sudo tee /etc/yum.repos.d/rocm.repo <<'EOF'
|
||||
[rocm]
|
||||
name=rocm
|
||||
baseurl=https://repo.radeon.com/rocm/{{ version.release }}/latest/main
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
```
|
||||
|
||||
{%- endcall %}
|
||||
|
||||
::::{rubric} 2. Clean cached files from enabled repositories
|
||||
::::
|
||||
|
||||
```shell
|
||||
sudo yum clean all
|
||||
```
|
||||
{%- elif os.tag == "sle" %}
|
||||
::::{rubric} 1. Add the repositories
|
||||
::::
|
||||
{%- call(version) linux.for_version_in(os) %}
|
||||
|
||||
```{important}
|
||||
Instructions for {{ family.name }}, {{ os.name }} {{ version.number }}
|
||||
```
|
||||
|
||||
```shell
|
||||
# Add the amdgpu module repository for SLES {{ version.number }}
|
||||
sudo tee /etc/zypp/repos.d/amdgpu.repo <<'EOF'
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/{{ family.amdgpu_version }}/sle/{{ version.number }}/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
# Add the rocm repository for SLES
|
||||
sudo tee /etc/zypp/repos.d/rocm.repo <<'EOF'
|
||||
[rocm]
|
||||
name=rocm
|
||||
baseurl=https://repo.radeon.com/rocm/zyp/zypper
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
```
|
||||
|
||||
{%- endcall %}
|
||||
|
||||
::::{rubric} 2. Update the new repository
|
||||
::::
|
||||
|
||||
```shell
|
||||
sudo zypper ref
|
||||
```
|
||||
{%- endif %}
|
||||
{%- endcall -%}
|
||||
|
||||
{%- call(os) linux.for_os_in(linux.supported_os) %}
|
||||
## Install drivers
|
||||
|
||||
Install the `amdgpu-dkms` kernel module, aka driver, on your system.
|
||||
|
||||
{{ linux.install(os, "amdgpu-dkms")}}
|
||||
{%- endcall %}
|
||||
|
||||
## Install ROCm runtimes
|
||||
|
||||
Install the `rocm-hip-libraries` meta-package. This contains dependencies for most
|
||||
common ROCm applications.
|
||||
|
||||
{%- call(os) linux.for_os_in(linux.supported_os) %}
|
||||
{{ linux.install(os, "rocm-hip-libraries")}}
|
||||
{%- endcall %}
|
||||
|
||||
## Reboot the system
|
||||
|
||||
Loading the new driver requires a reboot of the system.
|
||||
|
||||
```shell
|
||||
sudo reboot
|
||||
```
|
||||
@@ -1,9 +1,23 @@
|
||||
# Uninstallation with package manager (Linux)
|
||||
# Uninstallation (Linux)
|
||||
|
||||
This section describes how to uninstall ROCm with the Linux distribution's
|
||||
package manager. This method should be used if ROCm was installed via the package
|
||||
manager. If the installer script was used for installation, then it should be
|
||||
used for uninstallation too, refer to {doc}`/deploy/linux/installer/uninstall`.
|
||||
Uninstallation of ROCm entails removing ROCm packages, tools, and libraries from
|
||||
the system.
|
||||
|
||||
You can uninstall using the following methods:
|
||||
|
||||
- Package manager uninstallation
|
||||
- Uninstallation using the uninstall script
|
||||
|
||||
```{attention}
|
||||
Use the same uninstall method that you used to install ROCm. Mixing procedures
|
||||
is untested and may result in inconsistent system state.
|
||||
```
|
||||
|
||||
## Package Manager Method
|
||||
|
||||
The package manager uninstallation offers a method for a clean uninstallation
|
||||
process for ROCm. This section describes how to uninstall the ROCm instance from
|
||||
various Linux distributions.
|
||||
|
||||
::::::{tab-set}
|
||||
:::::{tab-item} Ubuntu
|
||||
@@ -114,8 +128,8 @@ sudo yum autoremove amdgpu-dkms
|
||||
```
|
||||
|
||||
:::::
|
||||
:::::{tab-item} SUSE Linux Enterprise Server
|
||||
:sync: SLES
|
||||
:::::{tab-item} SUSE Linux Enterprise Server 15
|
||||
:sync: SLES15
|
||||
|
||||
::::{rubric} Uninstalling Specific Meta-packages
|
||||
::::
|
||||
@@ -168,3 +182,31 @@ sudo zypper remove --clean-deps amdgpu-dkms
|
||||
|
||||
:::::
|
||||
::::::
|
||||
|
||||
## Installer Script Method
|
||||
|
||||
::::{rubric} Uninstalling Single-Version Install
|
||||
::::
|
||||
|
||||
```console shell
|
||||
sudo amdgpu-install --uninstall
|
||||
```
|
||||
|
||||
```{note}
|
||||
This command uninstalls all ROCm packages associated with the installed ROCm
|
||||
release along with the kernel-mode driver.
|
||||
```
|
||||
|
||||
::::{rubric} Uninstalling a Specific ROCm Release
|
||||
::::
|
||||
|
||||
```console shell
|
||||
sudo amdgpu-install --uninstall --rocmrelease=<release-number>
|
||||
```
|
||||
|
||||
::::{rubric} Uninstalling all ROCm Releases
|
||||
::::
|
||||
|
||||
```console shell
|
||||
sudo amdgpu-install --uninstall --rocmrelease=all
|
||||
```
|
||||
282
docs/deploy/linux/upgrade.md
Normal file
@@ -0,0 +1,282 @@
|
||||
# Upgrade (Linux)
|
||||
|
||||
This section explains how to upgrade the existing kernel-mode driver and ROCm
|
||||
packages to the latest version. The assumption is that you already have a
|
||||
version of the kernel-mode driver and the ROCm software stack is installed on
|
||||
the system.
|
||||
|
||||
```{note}
|
||||
Package upgrade is applicable to single-version packages only. If the preference
|
||||
is to install an updated version of the ROCm stack along with the currently
|
||||
installed version, refer to the [](install) page.
|
||||
```
|
||||
|
||||
You may use the following upgrade methods to upgrade ROCm:
|
||||
|
||||
- Package manager method
|
||||
- Installer script method
|
||||
|
||||
## Package Manager Method
|
||||
|
||||
To upgrade the system with the desired ROCm release using the package manager
|
||||
method, follow the steps below:
|
||||
|
||||
1. **Update the AMDGPU stack repository** – Ensure you have updated the AMDGPU
|
||||
repository.
|
||||
|
||||
2. **Upgrade the kernel-mode driver and reboot the system** – Ensure you have
|
||||
upgraded the kernel-mode driver and rebooted the system.
|
||||
|
||||
3. **Update the ROCm repository** – Ensure you have updated the ROCm repository
|
||||
with the desired ROCm release.
|
||||
|
||||
4. **Upgrade the ROCm meta-packages** – Upgrade the ROCm meta-packages.
|
||||
|
||||
5. **Verify the upgrade for the applicable distributions** – Verify if the
|
||||
upgrade is successful.
|
||||
|
||||
To upgrade ROCm on different Linux distributions, refer to the sections below
|
||||
for specific commands.
|
||||
|
||||
::::::{tab-set}
|
||||
:::::{tab-item} Ubuntu
|
||||
:sync: ubuntu
|
||||
|
||||
::::{rubric} Update the AMDGPU Stack Repository
|
||||
::::
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu 20.04
|
||||
:sync: ubuntu-20.04
|
||||
|
||||
```shell
|
||||
echo 'deb [arch=amd64 signed-by=/etc/apt/trusted.gpg.d/rocm-keyring.gpg] https://repo.radeon.com/amdgpu/5.4.3/ubuntu focal main' | sudo tee /etc/apt/sources.list.d/amdgpu.list
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} Ubuntu 22.04
|
||||
:sync: ubuntu-22.04
|
||||
|
||||
```shell
|
||||
echo 'deb [arch=amd64 signed-by=/etc/apt/trusted.gpg.d/rocm-keyring.gpg] https://repo.radeon.com/amdgpu/5.4.3/ubuntu jammy main' | sudo tee /etc/apt/sources.list.d/amdgpu.list
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
Upgrade the kernel mode driver and reboot the system using the following
|
||||
commands:
|
||||
|
||||
```shell
|
||||
sudo apt install amdgpu-dkms
|
||||
sudo reboot
|
||||
```
|
||||
|
||||
::::{rubric} Update the ROCm Stack Repository
|
||||
::::
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} Ubuntu 20.04
|
||||
:sync: ubuntu-20.04
|
||||
|
||||
```shell
|
||||
echo "deb [arch=amd64 signed-by=/etc/apt/trusted.gpg.d/rocm-keyring.gpg] https://repo.radeon.com/rocm/apt/5.4.3 focal main" | sudo tee /etc/apt/sources.list.d/rocm.list
|
||||
echo -e 'Package: *\nPin: release o=repo.radeon.com\nPin-Priority: 600' | sudo tee /etc/apt/preferences.d/rocm-pin-600
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
:::{tab-item} Ubuntu 22.04
|
||||
:sync: ubuntu-22.04
|
||||
|
||||
```shell
|
||||
echo "deb [arch=amd64 signed-by=/etc/apt/trusted.gpg.d/rocm-keyring.gpg] https://repo.radeon.com/rocm/apt/5.4.3 jammy main" | sudo tee /etc/apt/sources.list.d/rocm.list
|
||||
echo -e 'Package: *\nPin: release o=repo.radeon.com\nPin-Priority: 600' | sudo tee /etc/apt/preferences.d/rocm-pin-600
|
||||
sudo apt update
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
::::{rubric} Upgrade the ROCm Meta-packages
|
||||
::::
|
||||
|
||||
Your packages can be upgraded now through their meta-packages, for example:
|
||||
|
||||
```shell
|
||||
sudo apt install –-only-upgrade rocm-hip-sdk
|
||||
```
|
||||
|
||||
:::::
|
||||
:::::{tab-item} Red Hat Enterprise Linux
|
||||
:sync: RHEL
|
||||
|
||||
::::{rubric} Update the AMDGPU Stack Repository
|
||||
::::
|
||||
|
||||
::::{tab-set}
|
||||
:::{tab-item} RHEL 8.6
|
||||
:sync: RHEL-8.6
|
||||
|
||||
```shell
|
||||
sudo tee --append /etc/yum.repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
Name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/5.4.3/rhel/8.6/main/x86_64/
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} RHEL 8.7
|
||||
:sync: RHEL-8.7
|
||||
|
||||
```shell
|
||||
sudo tee --append /etc/yum.repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
Name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/5.4.3/rhel/8.7/main/x86_64/
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
|
||||
:::{tab-item} RHEL 9.1
|
||||
:sync: RHEL-9.1
|
||||
|
||||
```shell
|
||||
sudo tee --append /etc/yum.repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
Name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/5.4.3/rhel/9.2/main/x86_64/
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
:::
|
||||
::::
|
||||
|
||||
::::{rubric} Upgrade the Kernel-mode Driver and Reboot the System
|
||||
::::
|
||||
|
||||
Upgrade the kernel mode driver and reboot the system using the following
|
||||
commands:
|
||||
|
||||
```shell
|
||||
sudo yum install amdgpu-dkms
|
||||
sudo reboot
|
||||
```
|
||||
|
||||
::::{rubric} Update the ROCm Repository
|
||||
::::
|
||||
|
||||
```shell
|
||||
sudo tee --append /etc/yum.repos.d/rocm.repo <<EOF
|
||||
[ROCm-5.4.3]
|
||||
Name=ROCm5.4.3
|
||||
baseurl=https://repo.radeon.com/rocm/5.4.3/main
|
||||
enabled=1
|
||||
priority=50
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
done
|
||||
sudo yum clean all
|
||||
```
|
||||
|
||||
::::{rubric} Upgrade the ROCm Meta-packages
|
||||
::::
|
||||
|
||||
Your packages can be upgraded now through their meta-packages, for example:
|
||||
|
||||
```shell
|
||||
sudo apt install –-only-upgrade rocm-hip-sdk
|
||||
```
|
||||
|
||||
:::::
|
||||
:::::{tab-item} SUSE Linux Enterprise Server 15
|
||||
:sync: SLES15
|
||||
|
||||
::::{rubric} Update the AMDGPU Stack Repository
|
||||
::::
|
||||
|
||||
```shell
|
||||
sudo tee --append /etc/zypp/repos.d/amdgpu.repo <<EOF
|
||||
[amdgpu]
|
||||
name=amdgpu
|
||||
baseurl=https://repo.radeon.com/amdgpu/5.4.3/sle/15.4/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo zypper ref
|
||||
```
|
||||
|
||||
::::{rubric} Upgrade the Kernel-mode Driver and Reboot the System
|
||||
::::
|
||||
|
||||
Upgrade the kernel mode driver and reboot the system using the following
|
||||
commands:
|
||||
|
||||
```shell
|
||||
sudo zypper --gpg-auto-import-keys install amdgpu-dkms
|
||||
sudo reboot
|
||||
```
|
||||
|
||||
::::{rubric} Update the ROCm Stack Repository
|
||||
::::
|
||||
|
||||
```shell
|
||||
sudo tee --append /etc/zypp/repos.d/rocm.repo <<EOF
|
||||
name=rocm
|
||||
baseurl=https://repo.radeon.com/amdgpu/5.4.3/sle/15.4/main/x86_64
|
||||
enabled=1
|
||||
gpgcheck=1
|
||||
gpgkey=https://repo.radeon.com/rocm/rocm.gpg.key
|
||||
EOF
|
||||
sudo zypper ref
|
||||
```
|
||||
|
||||
::::{rubric} Upgrade the ROCm Meta-packages
|
||||
::::
|
||||
|
||||
Your packages can be upgraded now through their meta-packages, for example:
|
||||
|
||||
```shell
|
||||
sudo zypper --gpg-auto-import-keys update -y rocm-hip-sdk
|
||||
```
|
||||
|
||||
:::::
|
||||
::::::
|
||||
|
||||
## Installer Script Method
|
||||
|
||||
The installer script method automates the upgrade process for the AMDGPU and
|
||||
ROCm stack. The `amdgpu-install` script handles the complete upgrade process for
|
||||
ROCm, including updating the required repositories and upgrading the desired
|
||||
meta-packages.
|
||||
|
||||
The upgrade procedure is exactly the same as installing for 1st time use. Refer
|
||||
to the {ref}`install-script-method` section on the exact procedure to follow.
|
||||
|
||||
## Verification Process
|
||||
|
||||
To verify if the upgrade is successful, refer to the
|
||||
{ref}`post-install-actions-linux` given in the
|
||||
[Installation](install) section.
|
||||
@@ -1,31 +0,0 @@
|
||||
# Command Line Installation
|
||||
|
||||
::::{grid} 2 3 3 3
|
||||
:gutter: 1
|
||||
|
||||
:::{grid-item-card} Install
|
||||
:link: install
|
||||
:link-type: doc
|
||||
|
||||
How to install ROCm?
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Upgrade
|
||||
:link: upgrade
|
||||
:link-type: doc
|
||||
|
||||
Instructions for upgrading an existing ROCm installation.
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Uninstall
|
||||
:link: uninstall
|
||||
:link-type: doc
|
||||
|
||||
Steps for removing ROCm packages and libraries.
|
||||
:::
|
||||
|
||||
::::
|
||||
|
||||
## See Also
|
||||
|
||||
- {doc}`/release/gpu_os_support`
|
||||
@@ -1,56 +0,0 @@
|
||||
# Installation Using the Command Line Interface
|
||||
|
||||
The steps to install the HIP SDK for Windows are described in this document.
|
||||
|
||||
## System Requirements
|
||||
|
||||
The HIP SDK is supported on Windows 10 and 11. The HIP SDK may be installed on a
|
||||
system without AMD GPUs to use the build toolchains. To run HIP applications, a
|
||||
compatible GPU is required. Please see the supported GPU guide for more details.
|
||||
|
||||
## HIP SDK Installation
|
||||
|
||||
The command line installer is the same executable which is used by the graphical
|
||||
front-end. Download the installer from the
|
||||
[HIP-SDK download page](https://www.amd.com/en/developer/rocm-hub/hip-sdk.html).
|
||||
The options supported by the command line interface are summarized in
|
||||
{numref}`hip-sdk-cli-options`.
|
||||
|
||||
```{table} HIP SDK Command Line Options
|
||||
:name: hip-sdk-cli-options
|
||||
| **Install Option** | **Description** |
|
||||
|:------------------:|:---------------:|
|
||||
| `-install` | Command used to install packages, both driver and applications. No output to the screen. |
|
||||
| `-install -boot` | Silent install with auto reboot. |
|
||||
| `-install -log <absolute path>` | Write install result code to the specified log file. The specified log file must be on a local machine. Double quotes are needed if there are spaces in the log file path. |
|
||||
| `-uninstall` | Command to uninstall all packages installed by this installer on the system. There is no option to specify which packages to uninstall. |
|
||||
| `-uninstall -boot` | Silent uninstall with auto reboot. |
|
||||
| `/?` or /help | Shows a brief description of all switch commands. |
|
||||
```
|
||||
|
||||
```{note}
|
||||
Unlike the graphical installer, the command line interface doesn't support
|
||||
selectively installing parts of the SDK bundle. It's all or nothing.
|
||||
```
|
||||
|
||||
### Launching the Installer From the Command Line
|
||||
|
||||
The installer is still a graphical application with a `WinMain` entry point, even
|
||||
when called on the command line. This means that the application lifetime is
|
||||
tied to a window, even on headless systems where that window may not be visible.
|
||||
To launch the installer from PowerShell that will block until the installer
|
||||
exits, one may use the following pattern:
|
||||
|
||||
```pwsh
|
||||
Start-Process $InstallerExecutable -ArgumentList $InstallerArgs -NoNewWindow -Wait
|
||||
```
|
||||
|
||||
```{important}
|
||||
Running the installer requires Administrator Privileges.
|
||||
```
|
||||
|
||||
For example, installing all components and
|
||||
|
||||
```pwsh
|
||||
Start-Process ~\Downloads\Setup.exe -ArgumentList '-install','-log',"${env:USERPROFILE}\installer_log.txt" -NoNewWindow -Wait
|
||||
```
|
||||
@@ -1,48 +0,0 @@
|
||||
# Uninstallation Using the Command Line Interface
|
||||
|
||||
The steps to uninstall the HIP SDK for Windows are described in this document.
|
||||
|
||||
## HIP SDK Uninstallation
|
||||
|
||||
The command line installer is the same executable which is used by the graphical
|
||||
front-end. The options supported by the command line interface are summarized in
|
||||
{numref}`hip-sdk-cli-options`.
|
||||
|
||||
```{table} HIP SDK Command Line Options
|
||||
:name: hip-sdk-cli-options
|
||||
| **Install Option** | **Description** |
|
||||
|:------------------:|:---------------:|
|
||||
| `-install` | Command used to install packages, both driver and applications. No output to the screen. |
|
||||
| `-install -boot` | Silent install with auto reboot. |
|
||||
| `-install -log <absolute path>` | Write install result code to the specified log file. The specified log file must be on a local machine. Double quotes are needed if there are spaces in the log file path. |
|
||||
| `-uninstall` | Command to uninstall all packages installed by this installer on the system. There is no option to specify which packages to uninstall. |
|
||||
| `-uninstall -boot` | Silent uninstall with auto reboot. |
|
||||
| `/?` or /help | Shows a brief description of all switch commands. |
|
||||
```
|
||||
|
||||
```{note}
|
||||
Unlike the graphical installer, the command line interface doesn't support
|
||||
selectively installing parts of the SDK bundle. It's all or nothing.
|
||||
```
|
||||
|
||||
### Launching the Installer From the Command Line
|
||||
|
||||
The installer is still a graphical application with a `WinMain` entry point, even
|
||||
when called on the command line. This means that the application lifetime is
|
||||
tied to a window, even on headless systems where that window may not be visible.
|
||||
To launch the installer from PowerShell that will block until the installer
|
||||
exits, one may use the following pattern:
|
||||
|
||||
```pwsh
|
||||
Start-Process $InstallerExecutable -ArgumentList $InstallerArgs -NoNewWindow -Wait
|
||||
```
|
||||
|
||||
```{important}
|
||||
Running the installer requires Administrator Privileges.
|
||||
```
|
||||
|
||||
For example, uninstalling all components and
|
||||
|
||||
```pwsh
|
||||
Start-Process ~\Downloads\Setup.exe -ArgumentList '-uninstall' -NoNewWindow -Wait
|
||||
```
|
||||
@@ -1,14 +0,0 @@
|
||||
# Upgrading Using the Graphical Interface
|
||||
|
||||
The steps to uninstall the HIP SDK for Windows are described in this document.
|
||||
|
||||
## HIP SDK Upgrade
|
||||
|
||||
To upgrade an existing installation of the HIP SDK without preserving the
|
||||
previous version, first uninstall it, then install the new version following the
|
||||
instructions in {doc}`/deploy/windows/cli/uninstall` and
|
||||
{doc}`/deploy/windows/cli/install` using the old and new installers
|
||||
respectively.
|
||||
|
||||
To upgrade by installing both versions side-by-side, just run the installer of
|
||||
the newer version.
|
||||
@@ -1,31 +0,0 @@
|
||||
# Graphical Installation
|
||||
|
||||
::::{grid} 2 3 3 3
|
||||
:gutter: 1
|
||||
|
||||
:::{grid-item-card} Install
|
||||
:link: install
|
||||
:link-type: doc
|
||||
|
||||
How to install ROCm?
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Upgrade
|
||||
:link: upgrade
|
||||
:link-type: doc
|
||||
|
||||
Instructions for upgrading an existing ROCm installation.
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Uninstall
|
||||
:link: uninstall
|
||||
:link-type: doc
|
||||
|
||||
Steps for removing ROCm packages and libraries.
|
||||
:::
|
||||
|
||||
::::
|
||||
|
||||
## See Also
|
||||
|
||||
- {doc}`/release/gpu_os_support`
|
||||
@@ -1,163 +0,0 @@
|
||||
# Installation Using the Graphical Interface
|
||||
|
||||
The steps to install the HIP SDK for Windows are described in this document.
|
||||
|
||||
## System Requirements
|
||||
|
||||
The HIP SDK is supported on Windows 10 and 11. The HIP SDK may be installed on a
|
||||
system without AMD GPUs to use the build toolchains. To run HIP applications, a
|
||||
compatible GPU is required. Please see the supported GPU guide for more details.
|
||||
|
||||
## HIP SDK Installation
|
||||
|
||||
### Download the installer
|
||||
|
||||
Download the installer from the
|
||||
[HIP-SDK download page](https://www.amd.com/en/developer/rocm-hub/hip-sdk.html).
|
||||
|
||||
### Launching the installer
|
||||
|
||||
To launch the AMD HIP SDK Installer, click the **Setup** icon shown in
|
||||
{numref}`setup-icon`.
|
||||
|
||||
```{figure} /data/deploy/windows/000-setup-icon.png
|
||||
:name: setup-icon
|
||||
:alt: Icon with AMD arrow logo and User Access Control Shield overlayed.
|
||||
Setup Icon
|
||||
```
|
||||
|
||||
The installer requires Administrator Privileges, so you may be greeted with a
|
||||
User Access Control (UAC) pop-up. Click Yes.
|
||||
|
||||
```{figure} /data/deploy/windows/001-uac-dark.png
|
||||
:name: uac-dark
|
||||
:class: only-dark
|
||||
:alt: User Access Control pop-up
|
||||
User Access Control pop-up
|
||||
```
|
||||
|
||||
```{figure} /data/deploy/windows/001-uac-light.png
|
||||
:name: uac-light
|
||||
:class: only-light
|
||||
:alt: User Access Control pop-up
|
||||
User Access Control pop-up
|
||||
```
|
||||
|
||||
The installer executable will temporarily extract installer packages to `C:\AMD`
|
||||
which it will remove after installation completes. This extraction is signified
|
||||
by the "Initializing install" window in {numref}`init-install`.
|
||||
|
||||
```{figure} /data/deploy/windows/002-initializing.png
|
||||
:name: init-install
|
||||
:alt: Window with AMD arrow logo, futuristic background and progress counter.
|
||||
Installer initialization window
|
||||
```
|
||||
|
||||
The installer will then detect your system configuration as per
|
||||
{numref}`detecting-system-components` to decide, which installable components
|
||||
are applicable to your system.
|
||||
|
||||
```{figure} /data/deploy/windows/003-detecting-system-config.png
|
||||
:name: detecting-system-components
|
||||
:alt: Window with AMD arrow logo, futuristic background and activity indicator.
|
||||
Installer initialization window.
|
||||
```
|
||||
|
||||
### Customizing the install
|
||||
|
||||
When the installer launches, it displays a window that lets the user customize
|
||||
the installation. By default, all components are selected for installation.
|
||||
Refer to {numref}`installer-window` for an instance when the Select All option
|
||||
is turned on.
|
||||
|
||||
```{figure} /data/deploy/windows/004-installer-window.png
|
||||
:name: installer-window
|
||||
:alt: Window with AMD arrow logo, futuristic background and activity indicator.
|
||||
Installer initialization window.
|
||||
```
|
||||
|
||||
#### HIP SDK Installer
|
||||
|
||||
The HIP SDK installation options are listed in {numref}`hip-sdk-options`.
|
||||
|
||||
```{table} HIP SDK Components for Installation
|
||||
:name: hip-sdk-options
|
||||
| **HIP Components** | **Install Type** | **Additional Options** |
|
||||
|:------------------:|:----------------:|:----------------------:|
|
||||
| HIP SDK Core | 5.5.0 | Install location |
|
||||
| HIP Libraries | Full, Partial, None | Runtime, Development (Libs and headers) |
|
||||
| HIP Runtime Compiler | Full, Partial, None | Runtime, Development (Headers) |
|
||||
| HIP Ray Tracing | Full, Partial, None | Runtime, Development (Headers) |
|
||||
| Visual Studio Plugin | Full, Partial, None | Visual Studio 2017, 2019, 2022 Plugin |
|
||||
```
|
||||
|
||||
```{note}
|
||||
The Select/DeSelect All option only applies to the installation of HIP SDK
|
||||
components. To install the bundled AMD Display Driver, manually select the
|
||||
install type.
|
||||
```
|
||||
|
||||
```{tip}
|
||||
Should you only wish to install a few select components,
|
||||
DeSelecting All and then picking the individual components may be more
|
||||
convenient.
|
||||
```
|
||||
|
||||
#### AMD Display Driver
|
||||
|
||||
The HIP SDK installer bundles an AMD Radeon Software PRO 23.10 installer. The
|
||||
supported install options are summarized by
|
||||
{numref}`display-driver-install-options`:
|
||||
|
||||
```{table} AMD Display Driver Install Options
|
||||
:name: display-driver-install-options
|
||||
| **Install Option** | **Description** |
|
||||
|:------------------:|:---------------:|
|
||||
| Install Location | Location on disk to store driver files. |
|
||||
| Install Type | The breadth of components to be installed. Refer to {numref}`display-driver-install-types` for details. |
|
||||
| Factory Reset (Optional) | A Factory Reset will remove all prior versions of AMD HIP SDK and drivers. You will not be able to roll back to previously installed drivers. |
|
||||
```
|
||||
|
||||
```{table} AMD Display Driver Install Types
|
||||
:name: display-driver-install-types
|
||||
| **Install Type** | **Description** |
|
||||
|:----------------:|:---------------:|
|
||||
| Full Install | Provides all AMD Software features and controls for gaming, recording, streaming, and tweaking the performance on your graphics hardware. |
|
||||
| Minimal Install | Provides only the basic controls for AMD Software features and does not include advanced features such as performance tweaking or recording and capturing content. |
|
||||
| Driver Only | Provides no user interface for AMD Software features. |
|
||||
```
|
||||
|
||||
```{note}
|
||||
You must perform a system restart for a complete installation of the
|
||||
Display Driver.
|
||||
```
|
||||
|
||||
### Installing Components
|
||||
|
||||
Please wait for the installation to complete during as shown in
|
||||
{numref}`install-progress`.
|
||||
|
||||
```{figure} /data/deploy/windows/012-install-progress.png
|
||||
:name: install-progress
|
||||
:alt: Window with AMD arrow logo, futuristic background and progress meter.
|
||||
Installation Progress
|
||||
```
|
||||
|
||||
### Installation Complete
|
||||
|
||||
Once the installation is complete, the installer window may prompt you for a
|
||||
system restart. Click **Restart** at the lower right corner, shown in
|
||||
{numref}`install-complete`
|
||||
|
||||
```{figure} /data/deploy/windows/013-install-complete.png
|
||||
:name: install-complete
|
||||
:alt: Window with AMD arrow logo, futuristic background and completion notice.
|
||||
Installation Complete
|
||||
```
|
||||
|
||||
```{error}
|
||||
Should the installer terminate due to unexpcted circumstances, or the user
|
||||
forcibly terminates the installer, the temporary directory created under
|
||||
`C:\AMD` may be safely removed. Installed components will not depend on this
|
||||
folder (unless the user specifies `C:\AMD` as an install folder explicitly).
|
||||
```
|
||||
@@ -1,27 +0,0 @@
|
||||
# Uninstallation Using the Graphical Interface
|
||||
|
||||
The steps to uninstall the HIP SDK for Windows are described in this document.
|
||||
|
||||
## Uninstallation
|
||||
|
||||
All components, except visual studio plug-in should be uninstalled through
|
||||
control panel -> Add/Remove Program. For visual studio extension uninstallation,
|
||||
please refer to
|
||||
<https://github.com/ROCm-Developer-Tools/HIP-VS/blob/master/README.md>.
|
||||
Uninstallation of the HIP SDK components can be done through the Windows
|
||||
Settings app. Navigate to "Apps > Installed apps", click the "..." on the far
|
||||
right next to the component to uninstall, and click "Uninstall".
|
||||
|
||||
```{figure} /data/deploy/windows/014-uninstall-dark.png
|
||||
:name: uninstall-dark
|
||||
:class: only-dark
|
||||
:alt: Installed apps section of the Setting app showing installed HIP SDK components.
|
||||
Removing the SDK via the Setting app
|
||||
```
|
||||
|
||||
```{figure} /data/deploy/windows/014-uninstall-light.png
|
||||
:name: uninstall-light
|
||||
:class: only-light
|
||||
:alt: Installed apps section of the Setting app showing installed HIP SDK components.
|
||||
Removing the SDK via the Setting app
|
||||
```
|
||||
@@ -1,4 +0,0 @@
|
||||
# Upgrading Using the Graphical Interface
|
||||
|
||||
The steps to upgrade an existing HIP SDK installation for Windows are described
|
||||
in this document.
|
||||
@@ -1,65 +0,0 @@
|
||||
# Install ROCm (HIP SDK) on Windows
|
||||
|
||||
Start with {doc}`/deploy/windows/quick_start` or follow the detailed
|
||||
instructions below.
|
||||
|
||||
## Prepare to Install
|
||||
|
||||
::::{grid} 1 1 2 2
|
||||
:gutter: 1
|
||||
|
||||
:::{grid-item-card} Prerequisites
|
||||
:link: prerequisites
|
||||
:link-type: doc
|
||||
|
||||
The prerequisites page lists the required steps to verify that the system
|
||||
supports ROCm.
|
||||
:::
|
||||
|
||||
::::
|
||||
|
||||
## Choose your install method
|
||||
|
||||
::::{grid} 1 1 2 2
|
||||
:gutter: 1
|
||||
|
||||
:::{grid-item-card} Graphical Installation
|
||||
:link: gui/index
|
||||
:link-type: doc
|
||||
|
||||
Use the graphical front-end of the installer.
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Command Line Installation
|
||||
:link: cli/index
|
||||
:link-type: doc
|
||||
|
||||
Use the command line front-end of the installer.
|
||||
:::
|
||||
|
||||
::::
|
||||
|
||||
## Post Installation
|
||||
|
||||
::::{grid} 1 1 2 2
|
||||
:gutter: 1
|
||||
|
||||
:::{grid-item-card} ROCm-Examples
|
||||
:link: https://github.com/amd/rocm-examples
|
||||
:link-type: url
|
||||
|
||||
Learn how to use ROCm with descriptive examples for novice to intermediate users.
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Windows App Deployment Guidelines
|
||||
:link: ../../understand/windows-app-deployment-guidelines
|
||||
:link-type: doc
|
||||
|
||||
Discusses strategies on how to bundle HIP libraries with an end user application.
|
||||
:::
|
||||
|
||||
::::
|
||||
|
||||
## See Also
|
||||
|
||||
- {doc}`/release/gpu_os_support`
|
||||
@@ -1,74 +0,0 @@
|
||||
# Installation Prerequisites (Windows)
|
||||
|
||||
You must perform the following steps before installing ROCm and check if the
|
||||
system meets all the requirements to proceed with the installation.
|
||||
|
||||
## Confirm the System Is Supported
|
||||
|
||||
The ROCm installation is supported only on specific host architectures, Windows
|
||||
Editions and update versions.
|
||||
|
||||
### Check the Windows Editions and Update Version on Your System
|
||||
|
||||
This section discusses obtaining information about the host architecture,
|
||||
Windows Edition and update version.
|
||||
|
||||
#### Command Line Check
|
||||
|
||||
Verify the Windows Edition using the following steps:
|
||||
|
||||
1. To obtain the Linux distribution information, type the following command on
|
||||
your system from a PowerShell Command Line Interface (CLI):
|
||||
|
||||
```pwsh
|
||||
Get-ComputerInfo | Format-Table CsSystemType,OSName,OSDisplayVersion
|
||||
```
|
||||
|
||||
2. Confirm that the obtained information matches with those listed in
|
||||
{ref}`supported_skus`.
|
||||
|
||||
**Example:** Running the command above on a Windows system may result in the
|
||||
following output:
|
||||
|
||||
```output
|
||||
CsSystemType OsName OSDisplayVersion
|
||||
------------ ------ ----------------
|
||||
x64-based PC Microsoft Windows 11 Pro 22H2
|
||||
```
|
||||
|
||||
#### Graphical Check
|
||||
|
||||
1. Open the Setting app.
|
||||
|
||||
```{figure} /data/deploy/windows/000-settings-dark.png
|
||||
:name: settings-dark
|
||||
:class: only-dark
|
||||
:alt: Gear icon of the Windows Settings app
|
||||
Windows Settings app icon
|
||||
```
|
||||
|
||||
```{figure} /data/deploy/windows/000-settings-light.png
|
||||
:name: settings-light
|
||||
:class: only-light
|
||||
:alt: Gear icon of the Windows Settings app
|
||||
Windows Settings app icon
|
||||
```
|
||||
|
||||
2. Navigate to **System > About**.
|
||||
|
||||
```{figure} /data/deploy/windows/001-about-dark.png
|
||||
:name: about-dark
|
||||
:class: only-dark
|
||||
:alt: Settings app panel showing Device and OS information
|
||||
Settings > About page
|
||||
```
|
||||
|
||||
```{figure} /data/deploy/windows/001-about-light.png
|
||||
:name: about-light
|
||||
:class: only-light
|
||||
:alt: Settings app panel showing Device and OS information
|
||||
Settings > About page
|
||||
```
|
||||
|
||||
3. Confirm that the obtained information matches with those listed in
|
||||
{ref}`supported_skus`.
|
||||
@@ -1,187 +0,0 @@
|
||||
# Quick Start (Windows)
|
||||
|
||||
The steps to install the HIP SDK for Windows are described in this document.
|
||||
|
||||
## System Requirements
|
||||
|
||||
The HIP SDK is supported on Windows 10 and 11. The HIP SDK may be installed on a
|
||||
system without AMD GPUs to use the build toolchains. To run HIP applications, a
|
||||
compatible GPU is required. Please see the supported GPU guide for more details.
|
||||
|
||||
## HIP SDK Installation
|
||||
|
||||
### Download the installer
|
||||
|
||||
Download the installer from the
|
||||
[HIP-SDK download page](https://www.amd.com/en/developer/rocm-hub/hip-sdk.html).
|
||||
|
||||
### Launching the installer
|
||||
|
||||
To launch the AMD HIP SDK Installer, click the **Setup** icon shown in
|
||||
{numref}`setup-icon`.
|
||||
|
||||
```{figure} /data/deploy/windows/000-setup-icon.png
|
||||
:name: setup-icon
|
||||
:alt: Icon with AMD arrow logo and User Access Control Shield overlayed.
|
||||
Setup Icon
|
||||
```
|
||||
|
||||
The installer requires Administrator Privileges, so you may be greeted with a
|
||||
User Access Control (UAC) pop-up. Click Yes.
|
||||
|
||||
```{figure} /data/deploy/windows/001-uac-dark.png
|
||||
:name: uac-dark
|
||||
:class: only-dark
|
||||
:alt: User Access Control pop-up
|
||||
User Access Control pop-up
|
||||
```
|
||||
|
||||
```{figure} /data/deploy/windows/001-uac-light.png
|
||||
:name: uac-light
|
||||
:class: only-light
|
||||
:alt: User Access Control pop-up
|
||||
User Access Control pop-up
|
||||
```
|
||||
|
||||
The installer executable will temporarily extract installer packages to `C:\AMD`
|
||||
which it will remove after installation completes. This extraction is signified
|
||||
by the "Initializing install" window in {numref}`init-install`.
|
||||
|
||||
```{figure} /data/deploy/windows/002-initializing.png
|
||||
:name: init-install
|
||||
:alt: Window with AMD arrow logo, futuristic background and progress counter.
|
||||
Installer initialization window
|
||||
```
|
||||
|
||||
The installer will then detect your system configuration as per
|
||||
{numref}`detecting-system-components` to decide, which installable components
|
||||
are applicable to your system.
|
||||
|
||||
```{figure} /data/deploy/windows/003-detecting-system-config.png
|
||||
:name: detecting-system-components
|
||||
:alt: Window with AMD arrow logo, futuristic background and activity indicator.
|
||||
Installer initialization window.
|
||||
```
|
||||
|
||||
### Customizing the install
|
||||
|
||||
When the installer launches, it displays a window that lets the user customize
|
||||
the installation. By default, all components are selected for installation.
|
||||
Refer to {numref}`installer-window` for an instance when the Select All option
|
||||
is turned on.
|
||||
|
||||
```{figure} /data/deploy/windows/004-installer-window.png
|
||||
:name: installer-window
|
||||
:alt: Window with AMD arrow logo, futuristic background and activity indicator.
|
||||
Installer initialization window.
|
||||
```
|
||||
|
||||
#### HIP SDK Installer
|
||||
|
||||
The HIP SDK installation options are listed in {numref}`hip-sdk-options`.
|
||||
|
||||
```{table} HIP SDK Components for Installation
|
||||
:name: hip-sdk-options
|
||||
| **HIP Components** | **Install Type** | **Additional Options** |
|
||||
|:------------------:|:----------------:|:----------------------:|
|
||||
| HIP SDK Core | 5.5.0 | Install location |
|
||||
| HIP Libraries | Full, Partial, None | Runtime, Development (Libs and headers) |
|
||||
| HIP Runtime Compiler | Full, Partial, None | Runtime, Development (Headers) |
|
||||
| HIP Ray Tracing | Full, Partial, None | Runtime, Development (Headers) |
|
||||
| Visual Studio Plugin | Full, Partial, None | Visual Studio 2017, 2019, 2022 Plugin |
|
||||
```
|
||||
|
||||
```{note}
|
||||
The Select/DeSelect All option only applies to the installation of HIP SDK
|
||||
components. To install the bundled AMD Display Driver, manually select the
|
||||
install type.
|
||||
```
|
||||
|
||||
```{tip}
|
||||
Should you only wish to install a few select components,
|
||||
DeSelecting All and then picking the individual components may be more
|
||||
convenient.
|
||||
```
|
||||
|
||||
#### AMD Display Driver
|
||||
|
||||
The HIP SDK installer bundles an AMD Radeon Software PRO 23.10 installer. The
|
||||
supported install options are summarized by
|
||||
{numref}`display-driver-install-options`:
|
||||
|
||||
```{table} AMD Display Driver Install Options
|
||||
:name: display-driver-install-options
|
||||
| **Install Option** | **Description** |
|
||||
|:------------------:|:---------------:|
|
||||
| Install Location | Location on disk to store driver files. |
|
||||
| Install Type | The breadth of components to be installed. Refer to {numref}`display-driver-install-types` for details. |
|
||||
| Factory Reset (Optional) | A Factory Reset will remove all prior versions of AMD HIP SDK and drivers. You will not be able to roll back to previously installed drivers. |
|
||||
```
|
||||
|
||||
```{table} AMD Display Driver Install Types
|
||||
:name: display-driver-install-types
|
||||
| **Install Type** | **Description** |
|
||||
|:----------------:|:---------------:|
|
||||
| Full Install | Provides all AMD Software features and controls for gaming, recording, streaming, and tweaking the performance on your graphics hardware. |
|
||||
| Minimal Install | Provides only the basic controls for AMD Software features and does not include advanced features such as performance tweaking or recording and capturing content. |
|
||||
| Driver Only | Provides no user interface for AMD Software features. |
|
||||
```
|
||||
|
||||
```{note}
|
||||
You must perform a system restart for a complete installation of the
|
||||
Display Driver.
|
||||
```
|
||||
|
||||
### Installing Components
|
||||
|
||||
Please wait for the installation to complete during as shown in
|
||||
{numref}`install-progress`.
|
||||
|
||||
```{figure} /data/deploy/windows/012-install-progress.png
|
||||
:name: install-progress
|
||||
:alt: Window with AMD arrow logo, futuristic background and progress meter.
|
||||
Installation Progress
|
||||
```
|
||||
|
||||
### Installation Complete
|
||||
|
||||
Once the installation is complete, the installer window may prompt you for a
|
||||
system restart. Click **Restart** at the lower right corner, shown in
|
||||
{numref}`install-complete`
|
||||
|
||||
```{figure} /data/deploy/windows/013-install-complete.png
|
||||
:name: install-complete
|
||||
:alt: Window with AMD arrow logo, futuristic background and completion notice.
|
||||
Installation Complete
|
||||
```
|
||||
|
||||
```{error}
|
||||
Should the installer terminate due to unexpcted circumstances, or the user
|
||||
forcibly terminates the installer, the temporary directory created under
|
||||
`C:\AMD` may be safely removed. Installed components will not depend on this
|
||||
folder (unless the user specifies `C:\AMD` as an install folder explicitly).
|
||||
```
|
||||
|
||||
## Uninstallation
|
||||
|
||||
All components, except visual studio plug-in should be uninstalled through
|
||||
control panel -> Add/Remove Program. For visual studio extension uninstallation,
|
||||
please refer to
|
||||
<https://github.com/ROCm-Developer-Tools/HIP-VS/blob/master/README.md>.
|
||||
Uninstallation of the HIP SDK components can be done through the Windows
|
||||
Settings app. Navigate to "Apps > Installed apps", click the "..." on the far
|
||||
right next to the component to uninstall, and click "Uninstall".
|
||||
|
||||
```{figure} /data/deploy/windows/014-uninstall-dark.png
|
||||
:name: uninstall-dark
|
||||
:class: only-dark
|
||||
:alt: Installed apps section of the Setting app showing installed HIP SDK components.
|
||||
Removing the SDK via the Setting app
|
||||
```
|
||||
|
||||
```{figure} /data/deploy/windows/014-uninstall-light.png
|
||||
:name: uninstall-light
|
||||
:class: only-light
|
||||
:alt: Installed apps section of the Setting app showing installed HIP SDK components.
|
||||
Removing the SDK via the Setting app
|
||||
```
|
||||
5
docs/examples/ai_ml_inferencing.md
Normal file
@@ -0,0 +1,5 @@
|
||||
# AI/ML/Inferencing
|
||||
|
||||
To demonstrate some of the potential usages of ROCm for AI/ML/DL/Inferencing we
|
||||
provide a detailed example of a
|
||||
[ROCm implementation of Inception v3 using the PyTorch framework](./inception_casestudy/inception_casestudy.md).
|
||||
@@ -1,25 +0,0 @@
|
||||
# All Tutorial Material
|
||||
|
||||
:::::{grid} 1 1 2 2
|
||||
:gutter: 1
|
||||
|
||||
:::{grid-item-card} ROCm Examples
|
||||
:link: https://github.com/amd/rocm-examples
|
||||
:link-type: url
|
||||
Samples codes demonstrating and explaining the use of the HIP API as well as
|
||||
ROCm-accelerated domain libraries.
|
||||
|
||||
:::
|
||||
|
||||
:::{grid-item-card} AI/ML/Inferencing
|
||||
:link: machine_learning/all
|
||||
:link-type: doc
|
||||
Detailed walkthroughs of specific use-cases driven by frameworks using ROCm
|
||||
acceleration.
|
||||
|
||||
- [Implementing Inception V3 on ROCm with PyTorch](machine_learning/pytorch_inception.md)
|
||||
- [Optimizing Inference with MIGraphX](machine_learning/migraphx_optimization.md)
|
||||
|
||||
:::
|
||||
|
||||
:::::
|
||||
@@ -1,4 +1,4 @@
|
||||
# Inception V3 with PyTorch
|
||||
# Training and Inference Walk-through: Inception V3 with PyTorch
|
||||
|
||||
## Deep Learning Training
|
||||
|
||||
@@ -15,11 +15,11 @@ Training occurs in multiple phases for every batch of training data. {numref}`Ty
|
||||
:::{table} Types of Training Phases
|
||||
:name: TypesOfTrainingPhases
|
||||
:widths: auto
|
||||
| Types of Phases | |
|
||||
| ----------------- | --- |
|
||||
| Forward Pass | The input features are fed into the model, whose parameters may be randomly initialized initially. Activations (outputs) of each layer are retained during this pass to help in the loss gradient computation during the backward pass. |
|
||||
| Loss Computation | The output is compared against the target outputs, and the loss is computed. |
|
||||
| Backward Pass | The loss is propagated backward, and the model's error gradients are computed and stored for each trainable parameter. |
|
||||
| Types of Phases | |
|
||||
| ----------- | ----------- |
|
||||
| Forward Pass | The input features are fed into the model, whose parameters may be randomly initialized initially. Activations (outputs) of each layer are retained during this pass to help in the loss gradient computation during the backward pass. |
|
||||
| Loss Computation | The output is compared against the target outputs, and the loss is computed. |
|
||||
| Backward Pass | The loss is propagated backward, and the model's error gradients are computed and stored for each trainable parameter. |
|
||||
| Optimization Pass | The optimization algorithm updates the model parameters using the stored error gradients. |
|
||||
:::
|
||||
|
||||
@@ -44,19 +44,19 @@ The following sections contain case studies for the Inception v3 model.
|
||||
|
||||
### Inception v3 with PyTorch
|
||||
|
||||
Convolution Neural Networks are forms of artificial neural networks commonly used for image processing. One of the core layers of such a network is the convolutional layer, which convolves the input with a weight tensor and passes the result to the next layer. Inception v3[^inception_arch] is an architectural development over the ImageNet competition-winning entry, AlexNet, using more profound and broader networks while attempting to meet computational and memory budgets.
|
||||
Convolution Neural Networks are forms of artificial neural networks commonly used for image processing. One of the core layers of such a network is the convolutional layer, which convolves the input with a weight tensor and passes the result to the next layer. Inception v3 [1] is an architectural development over the ImageNet competition-winning entry, AlexNet, using more profound and broader networks while attempting to meet computational and memory budgets.
|
||||
|
||||
The implementation uses PyTorch as a framework. This case study utilizes `torchvision`[^torch_vision], a repository of popular datasets and model architectures, for obtaining the model. `torchvision` also provides pre-trained weights as a starting point to develop new models or fine-tune the model for a new task.
|
||||
The implementation uses PyTorch as a framework. This case study utilizes `torchvision` [2], a repository of popular datasets and model architectures, for obtaining the model. `torchvision` also provides pre-trained weights as a starting point to develop new models or fine-tune the model for a new task.
|
||||
|
||||
#### Evaluating a Pre-Trained Model
|
||||
|
||||
The Inception v3 model introduces a simple image classification task with the pre-trained model. This does not involve training but utilizes an already pre-trained model from `torchvision`.
|
||||
|
||||
This example is adapted from the PyTorch research hub page on Inception v3[^torch_vision_inception].
|
||||
This example is adapted from the PyTorch research hub page on Inception v3 [3].
|
||||
|
||||
Follow these steps:
|
||||
|
||||
1. Run the PyTorch ROCm-based Docker image or refer to the section [Installing PyTorch](/how_to/pytorch_install/pytorch_install.md) for setting up a PyTorch environment on ROCm.
|
||||
1. Run the PyTorch ROCm-based Docker image or refer to the section [Installing PyTorch](https://docs.amd.com/bundle/ROCm-Deep-Learning-Guide-v5.4-/page/Frameworks_Installation.html#d1667e113) for setting up a PyTorch environment on ROCm.
|
||||
|
||||
```dockerfile
|
||||
docker run -it -v $HOME:/data --cap-add=SYS_PTRACE --security-opt seccomp=unconfined --device=/dev/kfd --device=/dev/dri --group-add video --ipc=host --shm-size 8G rocm/pytorch:latest
|
||||
@@ -146,16 +146,16 @@ The previous section focused on downloading and using the Inception v3 model for
|
||||
|
||||
Follow these steps:
|
||||
|
||||
1. Run the PyTorch ROCm Docker image or refer to the section [Installing PyTorch](how_to/pytorch_install/pytorch_install.md) for setting up a PyTorch environment on ROCm.
|
||||
1. Run the PyTorch ROCm Docker image or refer to the section [Installing PyTorch](https://docs.amd.com/bundle/ROCm-Deep-Learning-Guide-v5.4-/page/Frameworks_Installation.html#d1667e113) for setting up a PyTorch environment on ROCm.
|
||||
|
||||
```dockerfile
|
||||
docker pull rocm/pytorch:latest
|
||||
docker run -it --cap-add=SYS_PTRACE --security-opt seccomp=unconfined --device=/dev/kfd --device=/dev/dri --group-add video --ipc=host --shm-size 8G rocm/pytorch:latest
|
||||
```
|
||||
|
||||
2. Download an ImageNet database. For this example, the `tiny-imagenet-200`[^Stanford_deep_learning], a smaller ImageNet variant with 200 image classes and a training dataset with 100,000 images, was downsized to 64x64 color images.
|
||||
2. Download an ImageNet database. For this example, the `tiny-imagenet-200` [4], a smaller ImageNet variant with 200 image classes and a training dataset with 100,000 images, was downsized to 64x64 color images.
|
||||
|
||||
```bash
|
||||
```py
|
||||
wget http://cs231n.stanford.edu/tiny-imagenet-200.zip
|
||||
```
|
||||
|
||||
@@ -357,7 +357,7 @@ Follow these steps:
|
||||
model.to(device)
|
||||
```
|
||||
|
||||
13. Set the loss criteria. For this example, Cross Entropy Loss[^cross_entropy] is used.
|
||||
13. Set the loss criteria. For this example, Cross Entropy Loss [5] is used.
|
||||
|
||||
```py
|
||||
criterion = torch.nn.CrossEntropyLoss()
|
||||
@@ -583,7 +583,7 @@ Follow these steps:
|
||||
import torch.optim as optim
|
||||
```
|
||||
|
||||
10. Set the loss criteria. For this example, Cross Entropy Loss[^cross_entropy] is used.
|
||||
10. Set the loss criteria. For this example, Cross Entropy Loss [5] is used.
|
||||
|
||||
```py
|
||||
criterion = nn.CrossEntropyLoss()
|
||||
@@ -1164,7 +1164,7 @@ To prepare the data for training, follow these steps:
|
||||
---
|
||||
```
|
||||
|
||||
8. A model needs a loss function and an optimizer for training. Since this is a binary classification problem and the model outputs a probability (a single-unit layer with a sigmoid activation), use [`losses.BinaryCrossentropy`](https://www.tensorflow.org/api_docs/python/tf/keras/losses/BinaryCrossentropy) loss function.
|
||||
8. A model needs a loss function and an optimizer for training. Since this is a binary classification problem and the model outputs a probability (a single-unit layer with a sigmoid activation), use [losses.BinaryCrossentropy](https://www.tensorflow.org/api_docs/python/tf/keras/losses/BinaryCrossentropy) loss function.
|
||||
|
||||
```py
|
||||
model.compile(loss=losses.BinaryCrossentropy(from_logits=True),
|
||||
@@ -1272,14 +1272,422 @@ To prepare the data for training, follow these steps:
|
||||
export_model.predict(examples)
|
||||
```
|
||||
|
||||
## Optimization
|
||||
|
||||
The following sections cover inferencing and introduces MIGraphX.
|
||||
|
||||
### Inferencing
|
||||
|
||||
The inference is where capabilities learned during Deep Learning training are put to work. It refers to using a fully trained neural network to make conclusions (predictions) on unseen data that the model has never interacted with before. Deep Learning inferencing is achieved by feeding new data, such as new images, to the network, giving the Deep Neural Network a chance to classify the image.
|
||||
|
||||
Taking our previous example of MNIST, the DNN can be fed new images of handwritten digit images, allowing the neural network to classify digits. A fully trained DNN should make accurate predictions about what an image represents, and inference cannot happen without training.
|
||||
|
||||
### MIGraphX Introduction
|
||||
|
||||
MIGraphX is a graph compiler focused on accelerating the Machine Learning inference that can target AMD GPUs and CPUs. MIGraphX accelerates the Machine Learning models by leveraging several graph-level transformations and optimizations. These optimizations include:
|
||||
|
||||
- Operator fusion
|
||||
|
||||
- Arithmetic simplifications
|
||||
|
||||
- Dead-code elimination
|
||||
|
||||
- Common subexpression elimination (CSE)
|
||||
|
||||
- Constant propagation
|
||||
|
||||
After doing all these transformations, MIGraphX emits code for the AMD GPU by calling to MIOpen or rocBLAS or creating HIP kernels for a particular operator. MIGraphX can also target CPUs using DNNL or ZenDNN libraries.
|
||||
|
||||
MIGraphX provides easy-to-use APIs in C++ and Python to import machine models in ONNX or TensorFlow. Users can compile, save, load, and run these models using MIGraphX's C++ and Python APIs. Internally, MIGraphX parses ONNX or TensorFlow models into internal graph representation where each operator in the model gets mapped to an operator within MIGraphX. Each of these operators defines various attributes such as:
|
||||
|
||||
- Number of arguments
|
||||
|
||||
- Type of arguments
|
||||
|
||||
- Shape of arguments
|
||||
|
||||
After optimization passes, all these operators get mapped to different kernels on GPUs or CPUs.
|
||||
|
||||
After importing a model into MIGraphX, the model is represented as `migraphx::program`. `migraphx::program` is made up of `migraphx::module`. The program can consist of several modules, but it always has one main_module. Modules are made up of `migraphx::instruction_ref`. Instructions contain the `migraphx::op` and arguments to the operator.
|
||||
|
||||
### MIGraphX Installation
|
||||
|
||||
There are three options to get started with MIGraphX installation. MIGraphX depends on ROCm libraries; assume that the machine has ROCm installed.
|
||||
|
||||
#### Option 1: Installing Binaries
|
||||
|
||||
To install MIGraphX on Debian-based systems like Ubuntu, use the following command:
|
||||
|
||||
```bash
|
||||
sudo apt update && sudo apt install -y migraphx
|
||||
```
|
||||
|
||||
The header files and libraries are installed under `/opt/rocm-\<version\>`, where \<version\> is the ROCm version.
|
||||
|
||||
#### Option 2: Building from Source
|
||||
|
||||
There are two ways to build the MIGraphX sources.
|
||||
|
||||
- [Use the ROCm build tool](https://github.com/ROCmSoftwarePlatform/AMDMIGraphX#use-the-rocm-build-tool-rbuild) - This approach uses [rbuild](https://github.com/RadeonOpenCompute/rbuild) to install the prerequisites and build the libraries with just one command.
|
||||
|
||||
or
|
||||
|
||||
- [Use CMake](https://github.com/ROCmSoftwarePlatform/AMDMIGraphX#use-cmake-to-build-migraphx) - This approach uses a script to install the prerequisites, then uses CMake to build the source.
|
||||
|
||||
For detailed steps on building from source and installing dependencies, refer to the following `README` file:
|
||||
|
||||
[https://github.com/ROCmSoftwarePlatform/AMDMIGraphX#building-from-source](https://github.com/ROCmSoftwarePlatform/AMDMIGraphX#building-from-source)
|
||||
|
||||
#### Option 3: Use Docker
|
||||
|
||||
To use Docker, follow these steps:
|
||||
|
||||
1. The easiest way to set up the development environment is to use Docker. To build Docker from scratch, first clone the MIGraphX repository by running:
|
||||
|
||||
```bash
|
||||
git clone --recursive https://github.com/ROCmSoftwarePlatform/AMDMIGraphX
|
||||
```
|
||||
|
||||
2. The repository contains a Dockerfile from which you can build a Docker image as:
|
||||
|
||||
```bash
|
||||
docker build -t migraphx .
|
||||
```
|
||||
|
||||
3. Then to enter the development environment, use Docker run:
|
||||
|
||||
```bash
|
||||
docker run --device='/dev/kfd' --device='/dev/dri' -v=`pwd`:/code/AMDMIGraphX -w /code/AMDMIGraphX --group-add video -it migraphx
|
||||
```
|
||||
|
||||
The Docker image contains all the prerequisites required for the installation, so users can go to the folder /code/AMDMIGraphX and follow the steps mentioned in [Option 2: Building from Source](#option-2-building-from-source).
|
||||
|
||||
### MIGraphX Example
|
||||
|
||||
MIGraphX provides both C++ and Python APIs. The following sections show examples of both using the Inception v3 model. To walk through the examples, fetch the Inception v3 ONNX model by running the following:
|
||||
|
||||
```py
|
||||
import torch
|
||||
import torchvision.models as models
|
||||
inception = models.inception_v3(pretrained=True)
|
||||
torch.onnx.export(inception,torch.randn(1,3,299,299), "inceptioni1.onnx")
|
||||
```
|
||||
|
||||
This will create `inceptioni1.onnx`, which can be imported in MIGraphX using C++ or Python API.
|
||||
|
||||
### MIGraphX Python API
|
||||
|
||||
Follow these steps:
|
||||
|
||||
1. To import the MIGraphX module in Python script, set `PYTHONPATH` to the MIGraphX libraries installation. If binaries are installed using steps mentioned in [Option 1: Installing Binaries](#option-1-installing-binaries), perform the following action:
|
||||
|
||||
```py
|
||||
export PYTHONPATH=$PYTHONPATH:/opt/rocm/
|
||||
```
|
||||
|
||||
2. The following script shows the usage of Python API to import the ONNX model, compile it, and run inference on it. Set `LD_LIBRARY_PATH` to `/opt/rocm/` if required.
|
||||
|
||||
```py
|
||||
# import migraphx and numpy
|
||||
import migraphx
|
||||
import numpy as np
|
||||
# import and parse inception model
|
||||
model = migraphx.parse_onnx("inceptioni1.onnx")
|
||||
# compile model for the GPU target
|
||||
model.compile(migraphx.get_target("gpu"))
|
||||
# optionally print compiled model
|
||||
model.print()
|
||||
# create random input image
|
||||
input_image = np.random.rand(1, 3, 299, 299).astype('float32')
|
||||
# feed image to model, 'x.1` is the input param name
|
||||
results = model.run({'x.1': input_image})
|
||||
# get the results back
|
||||
result_np = np.array(results[0])
|
||||
# print the inferred class of the input image
|
||||
print(np.argmax(result_np))
|
||||
```
|
||||
|
||||
Find additional examples of Python API in the /examples directory of the MIGraphX repository.
|
||||
|
||||
### MIGraphX C++ API
|
||||
|
||||
Follow these steps:
|
||||
|
||||
1. The following is a minimalist example that shows the usage of MIGraphX C++ API to load ONNX file, compile it for the GPU, and run inference on it. To use MIGraphX C++ API, you only need to load the `migraphx.hpp` file. This example runs inference on the Inception v3 model.
|
||||
|
||||
```c++
|
||||
#include <vector>
|
||||
#include <string>
|
||||
#include <algorithm>
|
||||
#include <ctime>
|
||||
#include <random>
|
||||
#include <migraphx/migraphx.hpp>
|
||||
|
||||
int main(int argc, char** argv)
|
||||
{
|
||||
migraphx::program prog;
|
||||
migraphx::onnx_options onnx_opts;
|
||||
// import and parse onnx file into migraphx::program
|
||||
prog = parse_onnx("inceptioni1.onnx", onnx_opts);
|
||||
// print imported model
|
||||
prog.print();
|
||||
migraphx::target targ = migraphx::target("gpu");
|
||||
migraphx::compile_options comp_opts;
|
||||
comp_opts.set_offload_copy();
|
||||
// compile for the GPU
|
||||
prog.compile(targ, comp_opts);
|
||||
// print the compiled program
|
||||
prog.print();
|
||||
// randomly generate input image
|
||||
// of shape (1, 3, 299, 299)
|
||||
std::srand(unsigned(std::time(nullptr)));
|
||||
std::vector<float> input_image(1*299*299*3);
|
||||
std::generate(input_image.begin(), input_image.end(), std::rand);
|
||||
// users need to provide data for the input
|
||||
// parameters in order to run inference
|
||||
// you can query into migraph program for the parameters
|
||||
migraphx::program_parameters prog_params;
|
||||
auto param_shapes = prog.get_parameter_shapes();
|
||||
auto input = param_shapes.names().front();
|
||||
// create argument for the parameter
|
||||
prog_params.add(input, migraphx::argument(param_shapes[input], input_image.data()));
|
||||
// run inference
|
||||
auto outputs = prog.eval(prog_params);
|
||||
// read back the output
|
||||
float* results = reinterpret_cast<float*>(outputs[0].data());
|
||||
float* max = std::max_element(results, results + 1000);
|
||||
int answer = max - results;
|
||||
std::cout << "answer: " << answer << std::endl;
|
||||
}
|
||||
```
|
||||
|
||||
2. To compile this program, you can use CMake and you only need to link the `migraphx::c` library to use MIGraphX's C++ API. The following is the `CMakeLists.txt` file that can build the earlier example:
|
||||
|
||||
```py
|
||||
cmake_minimum_required(VERSION 3.5)
|
||||
project (CAI)
|
||||
|
||||
set (CMAKE_CXX_STANDARD 14)
|
||||
set (EXAMPLE inception_inference)
|
||||
|
||||
list (APPEND CMAKE_PREFIX_PATH /opt/rocm/hip /opt/rocm)
|
||||
find_package (migraphx)
|
||||
|
||||
message("source file: " ${EXAMPLE}.cpp " ---> bin: " ${EXAMPLE})
|
||||
add_executable(${EXAMPLE} ${EXAMPLE}.cpp)
|
||||
|
||||
target_link_libraries(${EXAMPLE} migraphx::c)
|
||||
```
|
||||
|
||||
3. To build the executable file, run the following from the directory containing the `inception_inference.cpp` file:
|
||||
|
||||
```py
|
||||
mkdir build
|
||||
cd build
|
||||
cmake ..
|
||||
make -j$(nproc)
|
||||
./inception_inference
|
||||
```
|
||||
|
||||
:::{note}
|
||||
Set `LD_LIBRARY_PATH` to `/opt/rocm/lib` if required during the build. Additional examples can be found in the MIGraphX repository under the `/examples/` directory.
|
||||
:::
|
||||
|
||||
### Tuning MIGraphX
|
||||
|
||||
MIGraphX uses MIOpen kernels to target AMD GPU. For the model compiled with MIGraphX, tune MIOpen to pick the best possible kernel implementation. The MIOpen tuning results in a significant performance boost. Tuning can be done by setting the environment variable MIOPEN_FIND_ENFORCE=3.
|
||||
|
||||
:::{note}
|
||||
The tuning process can take a long time to finish.
|
||||
:::
|
||||
|
||||
**Example:** The average inference time of the inception model example shown previously over 100 iterations using untuned kernels is 0.01383ms. After tuning, it reduces to 0.00459ms, which is a 3x improvement. This result is from ROCm v4.5 on a MI100 GPU.
|
||||
|
||||
:::{note}
|
||||
The results may vary depending on the system configurations.
|
||||
:::
|
||||
|
||||
For reference, the following code snippet shows inference runs for only the first 10 iterations for both tuned and untuned kernels:
|
||||
|
||||
```py
|
||||
### UNTUNED ###
|
||||
iterator : 0
|
||||
Inference complete
|
||||
Inference time: 0.063ms
|
||||
iterator : 1
|
||||
Inference complete
|
||||
Inference time: 0.008ms
|
||||
iterator : 2
|
||||
Inference complete
|
||||
Inference time: 0.007ms
|
||||
iterator : 3
|
||||
Inference complete
|
||||
Inference time: 0.007ms
|
||||
iterator : 4
|
||||
Inference complete
|
||||
Inference time: 0.007ms
|
||||
iterator : 5
|
||||
Inference complete
|
||||
Inference time: 0.008ms
|
||||
iterator : 6
|
||||
Inference complete
|
||||
Inference time: 0.007ms
|
||||
iterator : 7
|
||||
Inference complete
|
||||
Inference time: 0.028ms
|
||||
iterator : 8
|
||||
Inference complete
|
||||
Inference time: 0.029ms
|
||||
iterator : 9
|
||||
Inference complete
|
||||
Inference time: 0.029ms
|
||||
|
||||
### TUNED ###
|
||||
iterator : 0
|
||||
Inference complete
|
||||
Inference time: 0.063ms
|
||||
iterator : 1
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 2
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 3
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 4
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 5
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 6
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 7
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 8
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 9
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
```
|
||||
|
||||
#### YModel
|
||||
|
||||
The best inference performance through MIGraphX is conditioned upon having tuned kernel configurations stored in a /home local User Database (DB). If a user were to move their model to a different server or allow a different user to use it, they would have to run through the MIOpen tuning process again to populate the next User DB with the best kernel configurations and corresponding solvers.
|
||||
|
||||
Tuning is time consuming, and if the users have not performed tuning, they would see discrepancies between expected or claimed inference performance and actual inference performance. This has led to repetitive and time-consuming tuning tasks for each user.
|
||||
|
||||
MIGraphX introduces a feature, known as YModel, that stores the kernel config parameters found during tuning into a `.mxr` file. This ensures the same level of expected performance, even when a model is copied to a different user/system.
|
||||
|
||||
The YModel feature is available starting from ROCm 5.4.1 and UIF 1.1.
|
||||
|
||||
##### YModel Example
|
||||
|
||||
Through the `migraphx-driver` functionality, you can generate `.mxr` files with tuning information stored inside it by passing additional `--binary --output model.mxr` to `migraphx-driver` along with the rest of the necessary flags.
|
||||
|
||||
For example, to generate `.mxr` file from the ONNX model, use the following:
|
||||
|
||||
```bash
|
||||
./path/to/migraphx-driver compile --onnx resnet50.onnx --enable-offload-copy --binary --output resnet50.mxr
|
||||
```
|
||||
|
||||
To run generated `.mxr` files through `migraphx-driver`, use the following:
|
||||
|
||||
```bash
|
||||
./path/to/migraphx-driver run --migraphx resnet50.mxr --enable-offload-copy
|
||||
```
|
||||
|
||||
Alternatively, you can use MIGraphX's C++ or Python API to generate `.mxr` file. Refer to {numref}`image018` for an example.
|
||||
|
||||
```{figure} ../../data/understand/deep_learning/image.018.png
|
||||
:name: image018
|
||||
---
|
||||
align: center
|
||||
---
|
||||
Generating a `.mxr` File
|
||||
```
|
||||
|
||||
## Troubleshooting
|
||||
|
||||
**Q: What do I do if I get this error when trying to run PyTorch:**
|
||||
|
||||
```bash
|
||||
hipErrorNoBinaryForGPU: Unable to find code object for all current devices!
|
||||
```
|
||||
|
||||
Ans: The error denotes that the installation of PyTorch and/or other dependencies or libraries do not support the current GPU.
|
||||
|
||||
**Workaround:**
|
||||
|
||||
To implement a workaround, follow these steps:
|
||||
|
||||
1. Confirm that the hardware supports the ROCm stack. Refer to the Hardware and Software Support document at [https://docs.amd.com](https://docs.amd.com).
|
||||
|
||||
2. Determine the gfx target.
|
||||
|
||||
```py
|
||||
rocminfo | grep gfx
|
||||
```
|
||||
|
||||
3. Check if PyTorch is compiled with the correct gfx target.
|
||||
|
||||
```py
|
||||
TORCHDIR=$( dirname $( python3 -c 'import torch; print(torch.__file__)' ) )
|
||||
roc-obj-ls -v $TORCHDIR/lib/libtorch_hip.so # check for gfx target
|
||||
```
|
||||
|
||||
:::{note}
|
||||
Recompile PyTorch with the right gfx target if compiling from the source if the hardware is not supported. For wheels or Docker installation, contact ROCm support [6].
|
||||
:::
|
||||
|
||||
**Q: Why am I unable to access Docker or GPU in user accounts?**
|
||||
|
||||
Ans: Ensure that the user is added to docker, video, and render Linux groups as described in the ROCm Installation Guide at [https://docs.amd.com](https://docs.amd.com).
|
||||
|
||||
**Q: Which consumer GPUs does ROCm support?**
|
||||
|
||||
Ans: ROCm supports gfx1030, which is the Navi 21 series.
|
||||
|
||||
**Q: Can I install PyTorch directly on bare metal?**
|
||||
|
||||
Ans: Bare-metal installation of PyTorch is supported through wheels. Refer to Option 2: Install PyTorch Using Wheels Package in the section [Installing PyTorch](/ROCm/docs/how_to/pytorch_install/pytorch_install) of this guide for more information.
|
||||
|
||||
**Q: How do I profile PyTorch workloads?**
|
||||
|
||||
Ans: Use the PyTorch Profiler \[6\] to profile GPU kernels on ROCm.
|
||||
|
||||
**Q: Can I run ROCm on Windows?**
|
||||
|
||||
Ans: ROCm is not supported on Windows.
|
||||
|
||||
## References
|
||||
|
||||
[^inception_arch]: C. Szegedy, V. Vanhoucke, S. Ioffe, J. Shlens and Z. Wojna, "Rethinking the Inception Architecture for Computer Vision," CoRR, p. abs/1512.00567, 2015
|
||||
C. Szegedy, V. Vanhoucke, S. Ioffe, J. Shlens and Z. Wojna, "Rethinking the Inception Architecture for Computer Vision," CoRR, p. abs/1512.00567, 2015
|
||||
|
||||
[^torch_vision]: PyTorch, \[Online\]. Available: [https://pytorch.org/vision/stable/index.html](https://pytorch.org/vision/stable/index.html)
|
||||
PyTorch, \[Online\]. Available: [https://pytorch.org/vision/stable/index.html](https://pytorch.org/vision/stable/index.html)
|
||||
|
||||
[^torch_vision_inception]: PyTorch, \[Online\]. Available: [https://pytorch.org/hub/pytorch_vision_inception_v3/](https://pytorch.org/hub/pytorch_vision_inception_v3/)
|
||||
PyTorch, \[Online\]. Available: [https://pytorch.org/hub/pytorch_vision_inception_v3/](https://pytorch.org/hub/pytorch_vision_inception_v3/)
|
||||
|
||||
[^Stanford_deep_learning]: Stanford, \[Online\]. Available: [http://cs231n.stanford.edu/](http://cs231n.stanford.edu/)
|
||||
Stanford, \[Online\]. Available: [http://cs231n.stanford.edu/](http://cs231n.stanford.edu/)
|
||||
|
||||
[^cross_entropy]: Wikipedia, \[Online\]. Available: [https://en.wikipedia.org/wiki/Cross_entropy](https://en.wikipedia.org/wiki/Cross_entropy)
|
||||
Wikipedia, \[Online\]. Available: [https://en.wikipedia.org/wiki/Cross_entropy](https://en.wikipedia.org/wiki/Cross_entropy)
|
||||
|
||||
AMD, "ROCm issues," \[Online\]. Available: [https://github.com/RadeonOpenCompute/ROCm/issues](https://github.com/RadeonOpenCompute/ROCm/issues)
|
||||
|
||||
PyTorch, \[Online image\]. [https://pytorch.org/assets/brand-guidelines/PyTorch-Brand-Guidelines.pdf](https://pytorch.org/assets/brand-guidelines/PyTorch-Brand-Guidelines.pdf)
|
||||
|
||||
TensorFlow, \[Online image\]. [https://www.tensorflow.org/extras/tensorflow_brand_guidelines.pdf](https://www.tensorflow.org/extras/tensorflow_brand_guidelines.pdf)
|
||||
|
||||
MAGMA, \[Online image\]. [https://bitbucket.org/icl/magma/src/master/docs/](https://bitbucket.org/icl/magma/src/master/docs/)
|
||||
|
||||
Advanced Micro Devices, Inc., \[Online\]. Available: [https://rocmsoftwareplatform.github.io/AMDMIGraphX/doc/html/](https://rocmsoftwareplatform.github.io/AMDMIGraphX/doc/html/)
|
||||
|
||||
Advanced Micro Devices, Inc., \[Online\]. Available: [https://github.com/ROCmSoftwarePlatform/AMDMIGraphX/wiki](https://github.com/ROCmSoftwarePlatform/AMDMIGraphX/wiki)
|
||||
|
||||
Docker, \[Online\]. [https://docs.docker.com/get-started/overview/](https://docs.docker.com/get-started/overview/)
|
||||
|
||||
Torchvision, \[Online\]. Available [https://pytorch.org/vision/master/index.html?highlight=torchvision#module-torchvision](https://pytorch.org/vision/master/index.html?highlight=torchvision#module-torchvision)
|
||||
@@ -1,20 +0,0 @@
|
||||
# Machine Learning, Deep Learning, and Artificial Intelligence
|
||||
|
||||
:::::{grid} 1 1 2 2
|
||||
:gutter: 1
|
||||
|
||||
:::{grid-item-card} Inception V3 with PyTorch
|
||||
:link: pytorch_inception
|
||||
:link-type: doc
|
||||
A collection of detailed and guided examples for working with Inception V3 with PyTorch on ROCm.
|
||||
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Optimizing Inference with MIGraphX
|
||||
:link: migraphx_optimization
|
||||
:link-type: doc
|
||||
Walkthroughs of optimizing inference using MIGraphX.
|
||||
|
||||
:::
|
||||
|
||||
:::::
|
||||
@@ -1,338 +0,0 @@
|
||||
# Inference Optimization with MIGraphX
|
||||
|
||||
The following sections cover inferencing and introduces MIGraphX.
|
||||
|
||||
## Inference
|
||||
|
||||
The inference is where capabilities learned during Deep Learning training are put to work. It refers to using a fully trained neural network to make conclusions (predictions) on unseen data that the model has never interacted with before. Deep Learning inferencing is achieved by feeding new data, such as new images, to the network, giving the Deep Neural Network a chance to classify the image.
|
||||
|
||||
Taking our previous example of MNIST, the DNN can be fed new images of handwritten digit images, allowing the neural network to classify digits. A fully trained DNN should make accurate predictions about what an image represents, and inference cannot happen without training.
|
||||
|
||||
## MIGraphX Introduction
|
||||
|
||||
MIGraphX is a graph compiler focused on accelerating the Machine Learning inference that can target AMD GPUs and CPUs. MIGraphX accelerates the Machine Learning models by leveraging several graph-level transformations and optimizations. These optimizations include:
|
||||
|
||||
- Operator fusion
|
||||
|
||||
- Arithmetic simplifications
|
||||
|
||||
- Dead-code elimination
|
||||
|
||||
- Common subexpression elimination (CSE)
|
||||
|
||||
- Constant propagation
|
||||
|
||||
After doing all these transformations, MIGraphX emits code for the AMD GPU by calling to MIOpen or rocBLAS or creating HIP kernels for a particular operator. MIGraphX can also target CPUs using DNNL or ZenDNN libraries.
|
||||
|
||||
MIGraphX provides easy-to-use APIs in C++ and Python to import machine models in ONNX or TensorFlow. Users can compile, save, load, and run these models using the MIGraphX C++ and Python APIs. Internally, MIGraphX parses ONNX or TensorFlow models into internal graph representation where each operator in the model gets mapped to an operator within MIGraphX. Each of these operators defines various attributes such as:
|
||||
|
||||
- Number of arguments
|
||||
|
||||
- Type of arguments
|
||||
|
||||
- Shape of arguments
|
||||
|
||||
After optimization passes, all these operators get mapped to different kernels on GPUs or CPUs.
|
||||
|
||||
After importing a model into MIGraphX, the model is represented as `migraphx::program`. `migraphx::program` is made up of `migraphx::module`. The program can consist of several modules, but it always has one main_module. Modules are made up of `migraphx::instruction_ref`. Instructions contain the `migraphx::op` and arguments to the operator.
|
||||
|
||||
## Installing MIGraphX
|
||||
|
||||
There are three options to get started with MIGraphX installation. MIGraphX depends on ROCm libraries; assume that the machine has ROCm installed.
|
||||
|
||||
### Option 1: Installing Binaries
|
||||
|
||||
To install MIGraphX on Debian-based systems like Ubuntu, use the following command:
|
||||
|
||||
```bash
|
||||
sudo apt update && sudo apt install -y migraphx
|
||||
```
|
||||
|
||||
The header files and libraries are installed under `/opt/rocm-\<version\>`, where \<version\> is the ROCm version.
|
||||
|
||||
### Option 2: Building from Source
|
||||
|
||||
There are two ways to build the MIGraphX sources.
|
||||
|
||||
- [Use the ROCm build tool](https://github.com/ROCmSoftwarePlatform/AMDMIGraphX#use-the-rocm-build-tool-rbuild) - This approach uses [rbuild](https://github.com/RadeonOpenCompute/rbuild) to install the prerequisites and build the libraries with just one command.
|
||||
|
||||
or
|
||||
|
||||
- [Use CMake](https://github.com/ROCmSoftwarePlatform/AMDMIGraphX#use-cmake-to-build-migraphx) - This approach uses a script to install the prerequisites, then uses CMake to build the source.
|
||||
|
||||
For detailed steps on building from source and installing dependencies, refer to the following `README` file:
|
||||
|
||||
[https://github.com/ROCmSoftwarePlatform/AMDMIGraphX#building-from-source](https://github.com/ROCmSoftwarePlatform/AMDMIGraphX#building-from-source)
|
||||
|
||||
### Option 3: Use Docker
|
||||
|
||||
To use Docker, follow these steps:
|
||||
|
||||
1. The easiest way to set up the development environment is to use Docker. To build Docker from scratch, first clone the MIGraphX repository by running:
|
||||
|
||||
```bash
|
||||
git clone --recursive https://github.com/ROCmSoftwarePlatform/AMDMIGraphX
|
||||
```
|
||||
|
||||
2. The repository contains a Dockerfile from which you can build a Docker image as:
|
||||
|
||||
```bash
|
||||
docker build -t migraphx .
|
||||
```
|
||||
|
||||
3. Then to enter the development environment, use Docker run:
|
||||
|
||||
```bash
|
||||
docker run --device='/dev/kfd' --device='/dev/dri' -v=`pwd`:/code/AMDMIGraphX -w /code/AMDMIGraphX --group-add video -it migraphx
|
||||
```
|
||||
|
||||
The Docker image contains all the prerequisites required for the installation, so users can go to the folder `/code/AMDMIGraphX` and follow the steps mentioned in [Option 2: Building from Source](#option-2-building-from-source).
|
||||
|
||||
## MIGraphX Example
|
||||
|
||||
MIGraphX provides both C++ and Python APIs. The following sections show examples of both using the Inception v3 model. To walk through the examples, fetch the Inception v3 ONNX model by running the following:
|
||||
|
||||
```py
|
||||
import torch
|
||||
import torchvision.models as models
|
||||
inception = models.inception_v3(pretrained=True)
|
||||
torch.onnx.export(inception,torch.randn(1,3,299,299), "inceptioni1.onnx")
|
||||
```
|
||||
|
||||
This will create `inceptioni1.onnx`, which can be imported in MIGraphX using C++ or Python API.
|
||||
|
||||
### MIGraphX Python API
|
||||
|
||||
Follow these steps:
|
||||
|
||||
1. To import the MIGraphX module in Python script, set `PYTHONPATH` to the MIGraphX libraries installation. If binaries are installed using steps mentioned in [Option 1: Installing Binaries](#option-1-installing-binaries), perform the following action:
|
||||
|
||||
```bash
|
||||
export PYTHONPATH=$PYTHONPATH:/opt/rocm/
|
||||
```
|
||||
|
||||
2. The following script shows the usage of Python API to import the ONNX model, compile it, and run inference on it. Set `LD_LIBRARY_PATH` to `/opt/rocm/` if required.
|
||||
|
||||
```py
|
||||
# import migraphx and numpy
|
||||
import migraphx
|
||||
import numpy as np
|
||||
# import and parse inception model
|
||||
model = migraphx.parse_onnx("inceptioni1.onnx")
|
||||
# compile model for the GPU target
|
||||
model.compile(migraphx.get_target("gpu"))
|
||||
# optionally print compiled model
|
||||
model.print()
|
||||
# create random input image
|
||||
input_image = np.random.rand(1, 3, 299, 299).astype('float32')
|
||||
# feed image to model, 'x.1` is the input param name
|
||||
results = model.run({'x.1': input_image})
|
||||
# get the results back
|
||||
result_np = np.array(results[0])
|
||||
# print the inferred class of the input image
|
||||
print(np.argmax(result_np))
|
||||
```
|
||||
|
||||
Find additional examples of Python API in the `/examples` directory of the MIGraphX repository.
|
||||
|
||||
## MIGraphX C++ API
|
||||
|
||||
Follow these steps:
|
||||
|
||||
1. The following is a minimalist example that shows the usage of MIGraphX C++ API to load ONNX file, compile it for the GPU, and run inference on it. To use MIGraphX C++ API, you only need to load the `migraphx.hpp` file. This example runs inference on the Inception v3 model.
|
||||
|
||||
```c++
|
||||
#include <vector>
|
||||
#include <string>
|
||||
#include <algorithm>
|
||||
#include <ctime>
|
||||
#include <random>
|
||||
#include <migraphx/migraphx.hpp>
|
||||
|
||||
int main(int argc, char** argv)
|
||||
{
|
||||
migraphx::program prog;
|
||||
migraphx::onnx_options onnx_opts;
|
||||
// import and parse onnx file into migraphx::program
|
||||
prog = parse_onnx("inceptioni1.onnx", onnx_opts);
|
||||
// print imported model
|
||||
prog.print();
|
||||
migraphx::target targ = migraphx::target("gpu");
|
||||
migraphx::compile_options comp_opts;
|
||||
comp_opts.set_offload_copy();
|
||||
// compile for the GPU
|
||||
prog.compile(targ, comp_opts);
|
||||
// print the compiled program
|
||||
prog.print();
|
||||
// randomly generate input image
|
||||
// of shape (1, 3, 299, 299)
|
||||
std::srand(unsigned(std::time(nullptr)));
|
||||
std::vector<float> input_image(1*299*299*3);
|
||||
std::generate(input_image.begin(), input_image.end(), std::rand);
|
||||
// users need to provide data for the input
|
||||
// parameters in order to run inference
|
||||
// you can query into migraph program for the parameters
|
||||
migraphx::program_parameters prog_params;
|
||||
auto param_shapes = prog.get_parameter_shapes();
|
||||
auto input = param_shapes.names().front();
|
||||
// create argument for the parameter
|
||||
prog_params.add(input, migraphx::argument(param_shapes[input], input_image.data()));
|
||||
// run inference
|
||||
auto outputs = prog.eval(prog_params);
|
||||
// read back the output
|
||||
float* results = reinterpret_cast<float*>(outputs[0].data());
|
||||
float* max = std::max_element(results, results + 1000);
|
||||
int answer = max - results;
|
||||
std::cout << "answer: " << answer << std::endl;
|
||||
}
|
||||
```
|
||||
|
||||
2. To compile this program, you can use CMake and you only need to link the `migraphx::c` library to use the MIGraphX C++ API. The following is the `CMakeLists.txt` file that can build the earlier example:
|
||||
|
||||
```cmake
|
||||
cmake_minimum_required(VERSION 3.5)
|
||||
project (CAI)
|
||||
|
||||
set (CMAKE_CXX_STANDARD 14)
|
||||
set (EXAMPLE inception_inference)
|
||||
|
||||
list (APPEND CMAKE_PREFIX_PATH /opt/rocm/hip /opt/rocm)
|
||||
find_package (migraphx)
|
||||
|
||||
message("source file: " ${EXAMPLE}.cpp " ---> bin: " ${EXAMPLE})
|
||||
add_executable(${EXAMPLE} ${EXAMPLE}.cpp)
|
||||
|
||||
target_link_libraries(${EXAMPLE} migraphx::c)
|
||||
```
|
||||
|
||||
3. To build the executable file, run the following from the directory containing the `inception_inference.cpp` file:
|
||||
|
||||
```bash
|
||||
mkdir build
|
||||
cd build
|
||||
cmake ..
|
||||
make -j$(nproc)
|
||||
./inception_inference
|
||||
```
|
||||
|
||||
:::{note}
|
||||
Set `LD_LIBRARY_PATH` to `/opt/rocm/lib` if required during the build. Additional examples can be found in the MIGraphX repository under the `/examples/` directory.
|
||||
:::
|
||||
|
||||
## Tuning MIGraphX
|
||||
|
||||
MIGraphX uses MIOpen kernels to target AMD GPU. For the model compiled with MIGraphX, tune MIOpen to pick the best possible kernel implementation. The MIOpen tuning results in a significant performance boost. Tuning can be done by setting the environment variable `MIOPEN_FIND_ENFORCE=3`.
|
||||
|
||||
:::{note}
|
||||
The tuning process can take a long time to finish.
|
||||
:::
|
||||
|
||||
**Example:** The average inference time of the inception model example shown previously over 100 iterations using untuned kernels is 0.01383ms. After tuning, it reduces to 0.00459ms, which is a 3x improvement. This result is from ROCm v4.5 on a MI100 GPU.
|
||||
|
||||
:::{note}
|
||||
The results may vary depending on the system configurations.
|
||||
:::
|
||||
|
||||
For reference, the following code snippet shows inference runs for only the first 10 iterations for both tuned and untuned kernels:
|
||||
|
||||
```console
|
||||
### UNTUNED ###
|
||||
iterator : 0
|
||||
Inference complete
|
||||
Inference time: 0.063ms
|
||||
iterator : 1
|
||||
Inference complete
|
||||
Inference time: 0.008ms
|
||||
iterator : 2
|
||||
Inference complete
|
||||
Inference time: 0.007ms
|
||||
iterator : 3
|
||||
Inference complete
|
||||
Inference time: 0.007ms
|
||||
iterator : 4
|
||||
Inference complete
|
||||
Inference time: 0.007ms
|
||||
iterator : 5
|
||||
Inference complete
|
||||
Inference time: 0.008ms
|
||||
iterator : 6
|
||||
Inference complete
|
||||
Inference time: 0.007ms
|
||||
iterator : 7
|
||||
Inference complete
|
||||
Inference time: 0.028ms
|
||||
iterator : 8
|
||||
Inference complete
|
||||
Inference time: 0.029ms
|
||||
iterator : 9
|
||||
Inference complete
|
||||
Inference time: 0.029ms
|
||||
|
||||
### TUNED ###
|
||||
iterator : 0
|
||||
Inference complete
|
||||
Inference time: 0.063ms
|
||||
iterator : 1
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 2
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 3
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 4
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 5
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 6
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 7
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 8
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
iterator : 9
|
||||
Inference complete
|
||||
Inference time: 0.004ms
|
||||
```
|
||||
|
||||
### YModel
|
||||
|
||||
The best inference performance through MIGraphX is conditioned upon having tuned kernel configurations stored in a `/home` local User Database (DB). If a user were to move their model to a different server or allow a different user to use it, they would have to run through the MIOpen tuning process again to populate the next User DB with the best kernel configurations and corresponding solvers.
|
||||
|
||||
Tuning is time consuming, and if the users have not performed tuning, they would see discrepancies between expected or claimed inference performance and actual inference performance. This has led to repetitive and time-consuming tuning tasks for each user.
|
||||
|
||||
MIGraphX introduces a feature, known as YModel, that stores the kernel config parameters found during tuning into a `.mxr` file. This ensures the same level of expected performance, even when a model is copied to a different user/system.
|
||||
|
||||
The YModel feature is available starting from ROCm 5.4.1 and UIF 1.1.
|
||||
|
||||
#### YModel Example
|
||||
|
||||
Through the `migraphx-driver` functionality, you can generate `.mxr` files with tuning information stored inside it by passing additional `--binary --output model.mxr` to `migraphx-driver` along with the rest of the necessary flags.
|
||||
|
||||
For example, to generate `.mxr` file from the ONNX model, use the following:
|
||||
|
||||
```bash
|
||||
./path/to/migraphx-driver compile --onnx resnet50.onnx --enable-offload-copy --binary --output resnet50.mxr
|
||||
```
|
||||
|
||||
To run generated `.mxr` files through `migraphx-driver`, use the following:
|
||||
|
||||
```bash
|
||||
./path/to/migraphx-driver run --migraphx resnet50.mxr --enable-offload-copy
|
||||
```
|
||||
|
||||
Alternatively, you can use the MIGraphX C++ or Python API to generate `.mxr` file. Refer to {numref}`image018` for an example.
|
||||
|
||||
```{figure} ../../data/understand/deep_learning/image.018.png
|
||||
:name: image018
|
||||
---
|
||||
align: center
|
||||
---
|
||||
Generating a `.mxr` File
|
||||
```
|
||||
@@ -1,56 +0,0 @@
|
||||
|
||||
# Troubleshooting
|
||||
|
||||
**Q: What do I do if I get this error when trying to run PyTorch:**
|
||||
|
||||
```bash
|
||||
hipErrorNoBinaryForGPU: Unable to find code object for all current devices!
|
||||
```
|
||||
|
||||
Ans: The error denotes that the installation of PyTorch and/or other
|
||||
dependencies or libraries do not support the current GPU.
|
||||
|
||||
**Workaround:**
|
||||
|
||||
To implement a workaround, follow these steps:
|
||||
|
||||
1. Confirm that the hardware supports the ROCm stack. Refer to
|
||||
{ref}`supported_gpus`.
|
||||
|
||||
2. Determine the gfx target.
|
||||
|
||||
```bash
|
||||
rocminfo | grep gfx
|
||||
```
|
||||
|
||||
3. Check if PyTorch is compiled with the correct gfx target.
|
||||
|
||||
```bash
|
||||
TORCHDIR=$( dirname $( python3 -c 'import torch; print(torch.__file__)' ) )
|
||||
roc-obj-ls -v $TORCHDIR/lib/libtorch_hip.so # check for gfx target
|
||||
```
|
||||
|
||||
:::{note}
|
||||
Recompile PyTorch with the right gfx target if compiling from the source if
|
||||
the hardware is not supported. For wheels or Docker installation, contact
|
||||
ROCm support [^ROCm_issues].
|
||||
:::
|
||||
|
||||
**Q: Why am I unable to access Docker or GPU in user accounts?**
|
||||
|
||||
Ans: Ensure that the user is added to docker, video, and render Linux groups as
|
||||
described in the ROCm Installation Guide at {ref}`setting_group_permissions`.
|
||||
|
||||
**Q: Can I install PyTorch directly on bare metal?**
|
||||
|
||||
Ans: Bare-metal installation of PyTorch is supported through wheels. Refer to
|
||||
Option 2: Install PyTorch Using Wheels Package in the section
|
||||
{ref}`install_pytorch_using_wheels` of this guide for more information.
|
||||
|
||||
**Q: How do I profile PyTorch workloads?**
|
||||
|
||||
Ans: Use the PyTorch Profiler to profile GPU kernels on ROCm.
|
||||
|
||||
------
|
||||
|
||||
[^ROCm_issues]: AMD, "ROCm issues," \[Online\]. Available: [https://github.com/RadeonOpenCompute/ROCm/issues](https://github.com/RadeonOpenCompute/ROCm/issues)
|
||||
@@ -1,42 +0,0 @@
|
||||
# All How-To Material
|
||||
|
||||
:::::{grid} 1 1 2 2
|
||||
:gutter: 1
|
||||
|
||||
:::{grid-item-card} ROCm using Radeon
|
||||
:link: {doc}`ROCm using Radeon <radeon:index>`
|
||||
:link-type: url
|
||||
ROCm and PyTorch installation processes to pair with the Radeon RX 7900 XTX GPU or the Radeon PRO W7900 GPU,
|
||||
and get started on a fully-functional environment for AI and ML development.
|
||||
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Tuning Guides
|
||||
:link: tuning_guides/index
|
||||
:link-type: doc
|
||||
Use case-specific system setup and tuning guides.
|
||||
|
||||
:::
|
||||
|
||||
:::{grid-item-card} Deep Learning Guide
|
||||
:link: deep_learning_rocm
|
||||
:link-type: doc
|
||||
Installation of various Deep Learning frameworks and applications.
|
||||
|
||||
:::
|
||||
|
||||
:::{grid-item-card} GPU-Enabled MPI
|
||||
:link: gpu_aware_mpi
|
||||
:link-type: doc
|
||||
This chapter exemplifies how to set up Open MPI with the ROCm platform.
|
||||
|
||||
:::
|
||||
|
||||
:::{grid-item-card} System Debugging Guide
|
||||
:link: system_debugging
|
||||
:link-type: doc
|
||||
Useful commands to debug misbehaving ROCm installations.
|
||||
|
||||
:::
|
||||
|
||||
:::::
|
||||
@@ -1,10 +1,7 @@
|
||||
# Deep Learning Guide
|
||||
|
||||
The following sections cover the different framework installations for ROCm and
|
||||
Deep Learning applications. {numref}`Rocm-Compat-Frameworks-Flowchart` provides
|
||||
the sequential flow for the use of each framework. Refer to the ROCm Compatible
|
||||
Frameworks Release Notes for each framework's most current release notes at
|
||||
{ref}`ml_framework_compat_matrix`.
|
||||
Deep Learning applications. {numref}`Rocm-Compat-Frameworks-Flowchart` provides the sequential flow for the use of each framework. Refer to the ROCm Compatible Frameworks Release Notes for each framework's most current release notes at [Framework Release Notes](https://docs.amd.com/bundle/ROCm-Compatible-Frameworks-Release-Notes/page/Framework_Release_Notes.html).
|
||||
|
||||
```{figure} ../data/how_to/magma_install/image.005.png
|
||||
:name: Rocm-Compat-Frameworks-Flowchart
|
||||
@@ -17,5 +14,5 @@ ROCm Compatible Frameworks Flowchart
|
||||
## Frameworks Installation
|
||||
|
||||
- [How to Install PyTorch?](pytorch_install/pytorch_install)
|
||||
- [How to Install Tensorflow?](tensorflow_install/tensorflow_install)
|
||||
- [How to Install Magma?](magma_install/magma_install)
|
||||
- [How to Install Magma?](tensorflow_install/tensorflow_install)
|
||||
|
||||
@@ -22,7 +22,7 @@ MPI project is an open source implementation of the Message Passing Interface
|
||||
and industry partners.
|
||||
|
||||
Several MPI implementations can be made ROCm-aware by compiling them with
|
||||
[Unified Communication Framework](https://www.openucx.org/) (UCX) support. One
|
||||
[Unified Communication Framework](http://www.openucx.org/) (UCX) support. One
|
||||
notable exception is MVAPICH2: It directly supports AMD GPUs without using UCX,
|
||||
and you can download it [here](http://mvapich.cse.ohio-state.edu/downloads/).
|
||||
Use the latest version of the MVAPICH2-GDR package.
|
||||
@@ -32,7 +32,7 @@ whose goal is to provide a common set of communication interfaces that targets a
|
||||
broad set of network programming models and interfaces. UCX is ROCm-aware, and
|
||||
ROCm technologies are used directly to implement various network operation
|
||||
primitives. For more details on the UCX design, refer to it's
|
||||
[documentation](https://www.openucx.org/documentation).
|
||||
[documentation](http://www.openucx.org/documentation).
|
||||
|
||||
## Building UCX
|
||||
|
||||
@@ -61,21 +61,20 @@ The next step is to set up UCX by compiling its source code and install it:
|
||||
```shell
|
||||
export UCX_DIR=$INSTALL_DIR/ucx
|
||||
cd $BUILD_DIR
|
||||
git clone https://github.com/openucx/ucx.git -b v1.14.1
|
||||
git clone https://github.com/openucx/ucx.git -b v1.13.0
|
||||
cd ucx
|
||||
./autogen.sh
|
||||
mkdir build
|
||||
cd build
|
||||
../configure -prefix=$UCX_DIR \
|
||||
--with-rocm=/opt/rocm
|
||||
../contrib/configure-release -prefix=$UCX_DIR \
|
||||
--with-rocm=/opt/rocm \
|
||||
--without-cuda -enable-optimizations -disable-logging \
|
||||
--disable-debug -disable-assertions \
|
||||
--disable-params-check -without-java
|
||||
make -j $(nproc)
|
||||
make -j $(nproc) install
|
||||
```
|
||||
|
||||
The following
|
||||
[table](../release/3rd_party_support_matrix.md#communication-libraries)
|
||||
documents the compatibility of UCX versions with ROCm versions.
|
||||
|
||||
## Install Open MPI
|
||||
|
||||
These are the steps to build Open MPI:
|
||||
@@ -90,14 +89,15 @@ cd ompi
|
||||
mkdir build
|
||||
cd build
|
||||
../configure --prefix=$OMPI_DIR --with-ucx=$UCX_DIR \
|
||||
--with-rocm=/opt/rocm
|
||||
--enable-mca-no-build=btl-uct --enable-mpi1-compatibility \
|
||||
CC=clang CXX=clang++ FC=flang
|
||||
make -j $(nproc)
|
||||
make -j $(nproc) install
|
||||
```
|
||||
|
||||
## ROCm-enabled OSU
|
||||
|
||||
The OSU Micro Benchmarks v5.9 (OMB) can be used to evaluate the performance of
|
||||
he OSU Micro Benchmarks v5.9 (OMB) can be used to evaluate the performance of
|
||||
various primitives with an AMD GPU device and ROCm support. This functionality
|
||||
is exposed when configured with `--enable-rocm` option. We can use the following
|
||||
steps to compile OMB:
|
||||
@@ -118,21 +118,13 @@ make -j $(nproc)
|
||||
|
||||
## Intra-node Run
|
||||
|
||||
Before running an Open MPI job, it is essential to set some environment variables to
|
||||
ensure that the correct version of Open MPI and UCX is being used.
|
||||
|
||||
```shell
|
||||
export LD_LIBRARY_PATH=$OMPI_DIR/lib:$UCX_DIR/lib:/opt/rocm/lib
|
||||
export PATH=$OMPI_DIR/bin:$PATH
|
||||
```
|
||||
|
||||
The following command runs the OSU bandwidth benchmark between the first two GPU
|
||||
devices (i.e., GPU 0 and GPU 1, same OAM) by default inside the same node. It
|
||||
measures the unidirectional bandwidth from the first device to the other.
|
||||
|
||||
```shell
|
||||
$OMPI_DIR/bin/mpirun -np 2 \
|
||||
-x UCX_TLS=sm,self,rocm \
|
||||
$OMPI_DIR/bin/mpirun -np 2 --mca btl '^openib' \
|
||||
-x UCX_TLS=sm,self,rocm_copy,rocm_ipc \
|
||||
--mca pml ucx mpi/pt2pt/osu_bw -d rocm D D
|
||||
```
|
||||
|
||||
@@ -154,42 +146,3 @@ connection:
|
||||
:alt: OSU execution showing transfer bandwidth increasing alongside payload inc.
|
||||
Inter-GPU bandwidth with various payload sizes.
|
||||
:::
|
||||
|
||||
## Collective Operations
|
||||
|
||||
Collective Operations on GPU buffers are best handled through the
|
||||
Unified Collective Communication Library (UCC) component in Open MPI.
|
||||
For this, the UCC library has to be configured and compiled with ROCm
|
||||
support.
|
||||
|
||||
Please note the compatibility [table](../release/3rd_party_support_matrix.md#communication-libraries)
|
||||
for UCC versions with the various ROCm versions.
|
||||
|
||||
An example for configuring UCC and Open MPI with ROCm support
|
||||
is shown below:
|
||||
|
||||
```shell
|
||||
export UCC_DIR=$INSTALL_DIR/ucc
|
||||
git clone https://github.com/openucx/ucc.git
|
||||
cd ucc
|
||||
./configure --with-rocm=/opt/rocm \
|
||||
--with-ucx=$UCX_DIR \
|
||||
--prefix=$UCC_DIR
|
||||
make -j && make install
|
||||
|
||||
# Configure and compile Open MPI with UCX, UCC, and ROCm support
|
||||
cd ompi
|
||||
./configure --with-rocm=/opt/rocm \
|
||||
--with-ucx=$UCX_DIR \
|
||||
--with-ucc=$UCC_DIR
|
||||
--prefix=$OMPI_DIR
|
||||
```
|
||||
|
||||
To use the UCC component with an MPI application requires setting some
|
||||
additional parameters:
|
||||
|
||||
```shell
|
||||
mpirun --mca pml ucx --mca osc ucx \
|
||||
--mca coll_ucc_enable 1 \
|
||||
--mca coll_ucc_priority 100 -np 64 ./my_mpi_app
|
||||
```
|
||||
|
||||
@@ -14,12 +14,10 @@ automatic differentiation. Other advanced features include:
|
||||
|
||||
### Installing PyTorch
|
||||
|
||||
To install ROCm on bare metal, refer to the sections
|
||||
[GPU and OS Support (Linux)](../../release/gpu_os_support.md) and
|
||||
[Compatibility](../../release/compatibility.md) for hardware, software and
|
||||
3rd-party framework compatibility between ROCm and PyTorch. The recommended
|
||||
option to get a PyTorch environment is through Docker. However, installing the
|
||||
PyTorch wheels package on bare metal is also supported.
|
||||
To install ROCm on bare metal, refer to the section
|
||||
[ROCm Installation](https://docs.amd.com/bundle/ROCm-Deep-Learning-Guide-v5.4-/page/Prerequisites.html#d2999e60).
|
||||
The recommended option to get a PyTorch environment is through Docker. However,
|
||||
installing the PyTorch wheels package on bare metal is also supported.
|
||||
|
||||
#### Option 1 (Recommended): Use Docker Image with PyTorch Pre-Installed
|
||||
|
||||
@@ -53,13 +51,20 @@ Follow these steps:
|
||||
onto the container.
|
||||
:::
|
||||
|
||||
(install_pytorch_using_wheels)=
|
||||
|
||||
#### Option 2: Install PyTorch Using Wheels Package
|
||||
|
||||
PyTorch supports the ROCm platform by providing tested wheels packages. To
|
||||
access this feature, refer to
|
||||
[https://pytorch.org/get-started/locally/](https://pytorch.org/get-started/locally/). For the correct wheels command, you must select 'Linux', 'Python', 'pip', and 'ROCm' in the matrix.
|
||||
[https://pytorch.org/get-started/locally/](https://pytorch.org/get-started/locally/)
|
||||
and choose the "ROCm" compute platform. {numref}`Installation-Matrix-from-Pytorch` is a matrix from <http://pytorch.org/> that illustrates the installation compatibility between ROCm and the PyTorch build.
|
||||
|
||||
```{figure} ../../data/how_to/magma_install/image.006.png
|
||||
:name: Installation-Matrix-from-Pytorch
|
||||
---
|
||||
align: center
|
||||
---
|
||||
Installation Matrix from Pytorch
|
||||
```
|
||||
|
||||
To install PyTorch using the wheels package, follow these installation steps:
|
||||
|
||||
@@ -72,9 +77,9 @@ To install PyTorch using the wheels package, follow these installation steps:
|
||||
|
||||
b. Download a base OS Docker image and install ROCm following the
|
||||
installation directions in the section
|
||||
[Installation](../../deploy/linux/install.md). ROCm 5.2 is installed in
|
||||
this example, as supported by the installation matrix from
|
||||
<https://pytorch.org/>.
|
||||
[Installation](https://docs.amd.com/bundle/ROCm-Deep-Learning-Guide-v5.4-/page/Prerequisites.html#d2999e60).
|
||||
ROCm 5.2 is installed in this example, as supported by the installation
|
||||
matrix from <http://pytorch.org/>.
|
||||
|
||||
or
|
||||
|
||||
@@ -147,7 +152,7 @@ Follow these steps:
|
||||
cd ~
|
||||
git clone https://github.com/pytorch/pytorch.git
|
||||
cd pytorch
|
||||
git submodule update --init --recursive
|
||||
git submodule update --init –recursive
|
||||
```
|
||||
|
||||
4. Build PyTorch for ROCm.
|
||||
@@ -189,7 +194,7 @@ Follow these steps:
|
||||
|
||||
```bash
|
||||
python3 tools/amd_build/build_amd.py
|
||||
USE_ROCM=1 MAX_JOBS=4 python3 setup.py install --user
|
||||
USE_ROCM=1 MAX_JOBS=4 python3 setup.py install ––user
|
||||
```
|
||||
|
||||
#### Option 4: Install Using PyTorch Upstream Docker File
|
||||
@@ -212,7 +217,7 @@ Follow these steps:
|
||||
cd ~
|
||||
git clone https://github.com/pytorch/pytorch.git
|
||||
cd pytorch
|
||||
git submodule update --init --recursive
|
||||
git submodule update --init –recursive
|
||||
```
|
||||
|
||||
2. Build the PyTorch Docker image.
|
||||
@@ -290,7 +295,7 @@ USE_ROCM=1 MAX_JOBS=4 python3 setup.py install --user
|
||||
### Test the PyTorch Installation
|
||||
|
||||
You can use PyTorch unit tests to validate a PyTorch installation. If using a
|
||||
prebuilt PyTorch Docker image from AMD ROCm Docker Hub or installing an official
|
||||
prebuilt PyTorch Docker image from AMD ROCm DockerHub or installing an official
|
||||
wheels package, these tests are already run on those configurations.
|
||||
Alternatively, you can manually run the unit tests to validate the PyTorch
|
||||
installation fully.
|
||||
@@ -396,22 +401,6 @@ Follow these steps:
|
||||
python3 main.py
|
||||
```
|
||||
|
||||
## Using MIOpen kdb files with ROCm PyTorch wheels
|
||||
|
||||
PyTorch uses MIOpen for machine learning primitives. These primitives are compiled into kernels at runtime. Runtime compilation causes a small warm-up phase when starting PyTorch. MIOpen kdb files contain precompiled kernels that can speed up the warm-up phase of an application. More information is available in the {doc}`MIOpeninstallation page <miopen:install>`.
|
||||
|
||||
MIOpen kdb files can be used with ROCm PyTorch wheels. However, the kdb files need to be placed in a specific location with respect to the PyTorch installation path. A helper script simplifies this task for the user. The script takes in the ROCm version and user's GPU architecture as inputs, and works for Ubuntu and CentOS.
|
||||
|
||||
Helper script: [install_kdb_files_for_pytorch_wheels.sh](https://raw.githubusercontent.com/wiki/ROCmSoftwarePlatform/pytorch/files/install_kdb_files_for_pytorch_wheels.sh)
|
||||
|
||||
Usage:
|
||||
|
||||
After installing ROCm PyTorch wheels:
|
||||
|
||||
1. [Optional] `export GFX_ARCH=gfx90a`
|
||||
2. [Optional] `export ROCM_VERSION=5.5`
|
||||
3. `./install_kdb_files_for_pytorch_wheels.sh`
|
||||
|
||||
## References
|
||||
|
||||
C. Szegedy, V. Vanhoucke, S. Ioffe, J. Shlens and Z. Wojna, "Rethinking the Inception Architecture for Computer Vision," CoRR, p. abs/1512.00567, 2015
|
||||
|
||||