PyTorch for Jetson

Below are pre-built PyTorch pip wheel installers for Jetson Nano, TX1/TX2, Xavier, and Orin with JetPack 4.2 and newer.

Download one of the PyTorch binaries from below for your version of JetPack, and see the installation instructions to run on your Jetson. These pip wheels are built for ARM aarch64 architecture, so run these commands on your Jetson (not on a host PC). You can also use the containers from jetson-containers.

PyTorch pip wheels

JetPack 6

PyTorch v2.3.0
PyTorch v2.2.0
PyTorch v2.1.0

JetPack 5

PyTorch v2.1.0
PyTorch v2.0.0
PyTorch v1.14.0
PyTorch v1.13.0
PyTorch v1.12.0
PyTorch v1.11.0

JetPack 4

PyTorch v1.10.0
  • JetPack 4.4 (L4T R32.4.3) / JetPack 4.4.1 (L4T R32.4.4) / JetPack 4.5 (L4T R32.5.0) / JetPack 4.5.1 (L4T R32.5.1) / JetPack 4.6 (L4T R32.6.1)
PyTorch v1.9.0
PyTorch v1.8.0
PyTorch v1.7.0
PyTorch v1.6.0
  • JetPack 4.4 (L4T R32.4.3) / JetPack 4.4.1 (L4T R32.4.4) / JetPack 4.5 (L4T R32.5.0) / JetPack 4.5.1 (L4T R32.5.1) / JetPack 4.6 (L4T R32.6.1)
    • Python 3.6 - torch-1.6.0-cp36-cp36m-linux_aarch64.whl
    • The JetPack 4.4 production release (L4T R32.4.3) only supports PyTorch 1.6.0 or newer, due to updates in cuDNN.
    • This wheel of the PyTorch 1.6.0 final release replaces the previous wheel of PyTorch 1.6.0-rc2.
PyTorch v1.5.0
PyTorch v1.4.0
PyTorch v1.3.0
PyTorch v1.2.0
PyTorch v1.1.0
PyTorch v1.0.0

Instructions

Installation

Below are example commands for installing these PyTorch wheels on Jetson. Substitute the URL and filenames from the desired PyTorch download from above.

> Python 3

# substitute the link URL and wheel filename from the desired torch version above
wget https://nvidia.box.com/shared/static/p57jwntv436lfrd78inwl7iml6p13fzh.whl -O torch-1.8.0-cp36-cp36m-linux_aarch64.whl
sudo apt-get install python3-pip libopenblas-base libopenmpi-dev libomp-dev
pip3 install 'Cython<3'
pip3 install numpy torch-1.8.0-cp36-cp36m-linux_aarch64.whl

> Python 2.7

# substitute the link URL and wheel filename from the desired torch version above
wget https://nvidia.box.com/shared/static/1v2cc4ro6zvsbu0p8h6qcuaqco1qcsif.whl -O torch-1.4.0-cp27-cp27mu-linux_aarch64.whl
sudo apt-get install libopenblas-base libopenmpi-dev   # skip libopenmpi-dev for PyTorch >= 1.12
pip install future torch-1.4.0-cp27-cp27mu-linux_aarch64.whl

(PyTorch v1.4.0 for L4T R32.4.2 is the last version to support Python 2.7)

> torchvision

$ sudo apt-get install libjpeg-dev zlib1g-dev libpython3-dev libopenblas-dev libavcodec-dev libavformat-dev libswscale-dev
$ git clone --branch <version> https://github.com/pytorch/vision torchvision   # see below for version of torchvision to download
$ cd torchvision
$ export BUILD_VERSION=0.x.0  # where 0.x.0 is the torchvision version  
$ python3 setup.py install --user
$ cd ../  # attempting to load torchvision from build dir will result in import error
$ pip install 'pillow<7' # always needed for Python 2.7, not needed torchvision v0.5.0+ with Python 3.6

Select the version of torchvision to download depending on the version of PyTorch that you have installed:

  • PyTorch v1.0 - torchvision v0.2.2
  • PyTorch v1.1 - torchvision v0.3.0
  • PyTorch v1.2 - torchvision v0.4.0
  • PyTorch v1.3 - torchvision v0.4.2
  • PyTorch v1.4 - torchvision v0.5.0
  • PyTorch v1.5 - torchvision v0.6.0
  • PyTorch v1.6 - torchvision v0.7.0
  • PyTorch v1.7 - torchvision v0.8.1
  • PyTorch v1.8 - torchvision v0.9.0
  • PyTorch v1.9 - torchvision v0.10.0
  • PyTorch v1.10 - torchvision v0.11.1
  • PyTorch v1.11 - torchvision v0.12.0
  • PyTorch v1.12 - torchvision v0.13.0
  • PyTorch v1.13 - torchvision v0.13.0
  • PyTorch v1.14 - torchvision v0.14.1
  • PyTorch v2.0 - torchvision v0.15.1
  • PyTorch v2.1 - torchvision v0.16.1
  • PyTorch v2.2 - torchvision v0.17.1
  • PyTorch v2.3 - torchvision v0.18.0

Verification

To verify that PyTorch has been installed correctly on your system, launch an interactive Python interpreter from terminal (python command for Python 2.7 or python3 for Python 3.6) and run the following commands:

>>> import torch
>>> print(torch.__version__)
>>> print('CUDA available: ' + str(torch.cuda.is_available()))
>>> print('cuDNN version: ' + str(torch.backends.cudnn.version()))
>>> a = torch.cuda.FloatTensor(2).zero_()
>>> print('Tensor a = ' + str(a))
>>> b = torch.randn(2).cuda()
>>> print('Tensor b = ' + str(b))
>>> c = a + b
>>> print('Tensor c = ' + str(c))
>>> import torchvision
>>> print(torchvision.__version__)
Build from Source

Below are the steps used to build the PyTorch wheels. These were compiled in a couple of hours on a Xavier for Nano, TX2, and Xavier.

Note that if you are trying to build on Nano, you will need to mount a swap file.

Max Performance

$ sudo nvpmodel -m 0     # on Xavier NX, use -m 2  instead (15W 6-core mode)
$ sudo jetson_clocks

Download PyTorch sources

$ git clone --recursive --branch <version> http://github.com/pytorch/pytorch
$ cd pytorch

Apply Patch
Select the patch to apply from below based on the version of JetPack you’re building on. The patches avoid the “too many CUDA resources requested for launch” error (PyTorch issue #8103, in addition to some version-specific bug fixes.

If you are applying one of the above patches to a different version of PyTorch, the file line locations may have changed, so it is recommended to apply these changes by hand.

Set Build Options

$ export USE_NCCL=0
$ export USE_DISTRIBUTED=0                    # skip setting this if you want to enable OpenMPI backend
$ export USE_QNNPACK=0
$ export USE_PYTORCH_QNNPACK=0
$ export TORCH_CUDA_ARCH_LIST="5.3;6.2;7.2"   # or "7.2;8.7" for JetPack 5 wheels for Xavier/Orin
$ export PYTORCH_BUILD_VERSION=<version>  # without the leading 'v', e.g. 1.3.0 for PyTorch v1.3.0
$ export PYTORCH_BUILD_NUMBER=1

(remember to re-export these environment variables if you change terminal)

Build wheel for Python 2.7 (to pytorch/dist)

$ sudo apt-get install python-pip cmake libopenblas-dev libopenmpi-dev 
$ pip install -U pip

$ sudo pip install -U setuptools
$ sudo pip install -r requirements.txt

$ pip install scikit-build --user
$ pip install ninja --user

$ python setup.py bdist_wheel

Build wheel for Python 3.6 (to pytorch/dist)

$ sudo apt-get install python3-pip cmake libopenblas-dev libopenmpi-dev 

$ pip3 install -r requirements.txt
$ pip3 install scikit-build
$ pip3 install ninja

$ python3 setup.py bdist_wheel
Note on Upgrading pip

If you get this error from pip/pip3 after upgrading pip with “pip install -U pip”:

pip
Traceback (most recent call last):
  File "/usr/bin/pip", line 9, in <module>
    from pip import main
ImportError
: cannot import name 'main'

You can either downgrade pip to it’s original version:

# Python 2.7
$ sudo python -m pip uninstall pip && sudo apt install python-pip --reinstall

# Python 3.6
$ sudo python3 -m pip uninstall pip && sudo apt install python3-pip --reinstall

-or- you can patch /usr/bin/pip (or /usr/bin/pip3)

diff --git a/pip b/pip
index 56bbb2b..62f26b9 100755
--- a/pip
+++ b/pip
@@ -6,6 +6,6 @@ import sys
 # Run the main entry point, similarly to how setuptools does it, but because
 # we didn't install the actual entry point from setup.py, don't use the
 # pkg_resources API.
-from pip import main
+from pip import __main__
 if __name__ == '__main__':
-    sys.exit(main())
+    sys.exit(__main__._main())
87 Likes
Can I use c++ torch, tensorrt in Jetson Xavier at the same time?
Importing PyTorch fails in L4T R32.3.1 Docker image on Jetson Nano after successful install
NVIDIA DIGITS on Jetson TX2
installing of retina-net-examples on Jetson Xavier
Pytorch resulting in segfault when calling convert
Installing Torch Vision of Jetson Nano
Pytorch and CUDA on Jetson Xavier NX
Difficulty Installing Pytorch on Jetson Nano
Pytorch GPU support for python 3.7 on Jetson Nano
Using YOLOv5 on AGX uses the CPU and not the GPU
torch@Xavier NX
Install PyTorch with Python 3.8 on Jetpack 4.4.1
How to install Pytorch 1.7 with cuDNN 10.2?
Installing PyTorch for CUDA 10.2 on Jetson Xavier NX for YOLOv5
Pytorch and torchvision
Torch install issue
JetPack6.2 install PyTorch
Installing Torchvision
Installation of Python(3.11), Pytorch(2.0.0) and Torchvision(0.15.1) with CUDA(11.8) to AGX Orin DevKit
PyTorch for JetPack 4.4 - L4T R32.4.3 in Jetson Xavier NX
Hello AI World on Jetpack 4.4
Error : torch-1.7.0-cp36-cp36m-linux_aarch64.whl is not a supported wheel on this platform
Error when install torchvision on TX2
PyTorch 1.11 for JetPack 5.0 DP?
LIBTORCH with cxx11 ABI support
Torchvision will not import into Python after jetson-inference build of PyTorch
How to build libtorch on jetsonTX2?
Train custom object detectio model
Install torchvision on jetson orin
OSError about libcurand.so.10 while importing torch to Xavier
请问如何再python3.10的环境上安装pytorch并使之活动状态是true?
How to install YoloV5 on Jetson AGX Orin
Anyone had luck installing Detectron2 on a TX2 (Jetpack 4.2)?
How do I install pytorch 1.5.0 on the jetson nano devkit?
ERROR: torch-1.6.0-cp36-cp36m-linux_aarch64.whl is not asupported wheel on this platform
Jetpack 4.6 L4T 32.6.1 allows pytorch cuda support
RuntimeError: Didn't find engine for operation quantized::conv2d_prepack NoQEngine
Build PyTorch 1.6.0 from source for DRIVE AGX Xavier - failed undefined reference to "cusparseSpMM"
Darknet slower using Jetpack 4.4 (cuDNN 8.0.0 / CUDA 10.2) than Jetpack 4.3 (cuDNN 7.6.3 / CUDA 10.0)
pyTorch 2.0.0.nv23.05
Torch.cuda.is_available() returns false
Torch and torchvision cuda 12.6 jetpack 6.1
Illegal instruction (core dumped)
NOT ABLE TO INSTALL TORCH==1.4.0 on NVIDIA JETSON NANO
Is there a Pip installable version of TorchVision for Jetson AGX Orin?
Problems intalling Pytorch
ImportError: cannot import name 'is_compiling' from 'torch._dynamo'
Pytorch compatibility issues (torch 2.0.0+nv23.5 && torchvision 0.15.1)
How to to install cuda 10.0 on jetson nano separately ?
Libcudnn.so.8 Error
Pytorch and Python 3.8 on Jetson NX
Trying to use yolov7 on Jetson Orin
Cuda hangs after installation of jetpack and reboot
Unable to use torchvision and ultralytics together on jetson-nano
How to download pyTorch 1.5.1 in jetson xavier
Installing PyTorch 2.x on Python 3.9 in Xavier
How to run Pytorch trained MaskRCNN (detectron2) with TensorRT
Which Cuda and pytroch with Jetpack 6 on Jetson agx orin dev kit
Pytorch 1.7 nan results
ModuleNotFoundError: No module named 'torch'
No CUDA device available
MatchboxNet on JetsonNano
TensorFlow JupyterLab Hello AI world
CUDA not detected when building Torch Examples on DeepStream Docker container
Issue with torchvision when training YOLO model on Jetson
How to install Pytorch and torchvison on NVIDIA L4T Base from NGC catalog
JetPack 6.1 install Pytorch 2.5.1
AGX Xavier torchvision installation
Torchvision version Jetpack 6.0
Not able to install torchvision v0.6.0 on Jetson jetson xavier nx
Training a model on AGX Xavier
Can I execute yolov5 on the GPU of JETSON AGX XAVIER?
PyTorch for JetPack 6.0DP
Jetpack6.1 install torchvision
Torchvision is not supported?
How to cuda cores while using pytorch models ? only in cpu mode i can run my program which takes more time
Pytorch Installation issue on Jetson Nano
Do Jetson Xavier support PyTorch C++ API?
No module named 'torch._C._distributed_c10d'; 'torch._C' is not a package
Installing older version of Pytorch
Fail to install mlc llm
RuntimeError: Couldn't load custom C++ ops. This can happen if your PyTorch and torchvision versions are incompatible, or if you had errors while com
Pytorch release memory problem
Problem on installing torchvision 0.15.1 with Jetson Orin Nano
Hello AI World for Jetpack 6.0 DP - Pytorch 2.1.0 Installed, Torchvision Did Not Install
Issue installing Pytorch on Jetson Orin Nano with Jetpack 6.0
CUDA error when running YOLOv5
Installing PyTorch v2.1.0 and Torchvision v0.16.1 on Jetson Orin Nano with JetPack 5.1.2
Orin AGX run YOLOV5 detect.py,ERROR MSG "RuntimeError: Couldn't load custom C++ ops..."
How to import torchvision.models.detection
Can’t found PyTorch2.0 with Cuda on aarch64
How to run yolo v11 inference on jetson orin using device=dla:0
Jetson nano GPU is not working?
"Hello. I want to install torchaudio with PyTorch 2.0.0."
Pytorch with cuda for YOLOv9 object detection
Unable to set up detectron2 on Jetson NX
Error during install of torchvision
Python detect.py not working in jetson nano
No module named 'torch._custom_ops'
Cudnn 7 for CUDA 8.0 to build pythorch v1.1.0
Jetson Xavier NX torch and torchvision compability
Libtorch CUDA Problem
Glibc”2.28” not found when using torch1.6.0
The Torchvision compatible with torch 2.0.0+nv23.5 no where to be found on https://forums.developer.nvidia.com/t/pytorch-for-jetson/72048
YOLOv5 performance on Jetson Xavier AGX
Fastai (v2) not working with Jetson Xavier NX
Can not upgrade to tourchvision 0.7.0 from 0.2.2.post3
Can not upgrade to tourchvision 0.7.0 from 0.2.2.post3
Object Tracking with YOLOv9 and DeepSORT on Jetson Nano
Fastai (v2) not working with Jetson Xavier NX
Re-trained Pytorch Mask-RCNN inferencing in Jetson Nano
Re-Trained Pytorch Mask-RCNN inferencing on Jetson Nano
Build Pytorch on Jetson Xavier NX fails when building caffe2
Installed nvidia-l4t-bootloader package post-installation script subprocess returned error exit status 1
Installed nvidia-l4t-bootloader package post-installation script subprocess returned error exit status 1
Cuda runtime error while re-training SSD
Compatibility Issues with PyTorch and torchvision on Jetson Nano 2GB Developer Kit
Error occur while JetPack upgrade
How to install facenet-pytorch?
Any complete installation guide for "deepstream_pose_estimation"?
Problem: I am trying to install torch-2.3.0, but the system is installing torch-1.8.0 internally
Having troubles Installing Pytorch on Jetson Xavier AGX
Pytorch on Jetson nano Jetpack 4.4 R32.4.4
Compatibility Between JetPack 5.1.3, CUDA 12.6, and PyTorch: Finding the Right Version
AssertionError: CUDA unavailable, invalid device 0 requested on jetson Nano
How to create virtual environment with OpenCv and Pytorch to execute your program on GPU
Can I install pytorch v1.8.1 on my orin(v1.12.0 is recommended)?
Pytorch AND TORCHVISION on AGX Orin
ModuleNotFoundError: No module named 'torch._custom_ops'; 'torch' is not a package
Jeton Nano Jetpack 5.0.2 support
I cannot train a detection model. I get the error: RuntimeError: Error in loading state_dict for SSD: Unexpected key(s) in state_dict:
Tensorflow and PyTorch do not use GPU on Jetson Xavier AGX
AssertionError: Torch not compiled with CUDA enabled
Python3 train_ssd.py --data=data/fruit --model-dir=models/fruit --batch-size=4 --epochs=30
Torchaudio issues
How to compile Caffe in jettpack 4.4?
Workspace Size Error by Multiple Conv+Relu Merging on DRIVE AGX
Calling cuda() consumes all the RAM memory
Pytorch AND TORCHVISION on AGX Orin
Unable to import PyTorch in Jetson nano
Segmentation fault(core dumped) error while importing torch
Pytorch is not compiled with NCCL support
YOLOv8 on Jetson Nano
Converting YOLOv5 to TensorRT Issue
My jetson nano board returns 'False' to torch.cuda.is_available() in local directory
Upgrading CUDA 11.4 to CUDA 11.8
Installing Pytorch OSError: libcurand.so.10: cannot open shared object file: No such file or directory
Cannot install deepspeed on AGX Xavier
Install PyTorch with Python 3.8 on Jetpack 4.4.1
An error occurred while importing pytorch
Documentation link question
Import torch, shows error on xavier that called libcurand.so.10 problem
How to download PyTorch 1.9.0 in Jetson Xavier nx?
PyTorch inference on tensors of a particular size cause Illegal Instruction (core dumped) on Jetson Nano
Pytorch Installation Issue: print(torch.cuda.is_available()) - False
Hello AI World for Jetpack 6.0 DP - Pytorch 2.1.0 Installed, Torchvision Did Not Install
Every time when i load a model on GPU the code will stuck at there
Pytorch on cuda 12.2? Or how to downgrade to cuda 12.1?
Libtorch install on Jetson Xavier NX Developer Ket (C++ compatibility)
Can someone tell me how to quantize using pytorch on a jetson device?
ImportError: cannot import name 'USE_GLOBAL_DEPS'
PyTorch/sigmoid error on Tegra
Tensorrt runtime creation takes 2 Gb when torch is imported
When I import pytorch, ImportError: libc10.so: cannot open shared object file: No such file or directory
Pytorch for JetPack6.0
No module named 'torch._custom_ops'
Installing pytorch on jetson tx2
Cant install Pytorch on JetsonNano P3450
Deploying a Small Language Model on Jetson Nano
AssertionError: Torch not compiled with CUDA enabled
AssertionError: Torch not compiled with CUDA enabled
AssertionError: Torch not compiled with CUDA enabled
PyTorch for Jetson
TorchVision not found error after successful installation
PyTorch for Jetson Orin Jetpack 5.1 installation issue
Failed to install miniconda on TX2
How to install Torch and Torchvision with cuda supported in Jetpack 5.1.2
Couple of issues - Cuda/easyOCR & SD card backup
Unable to install pytorch with cuda support on jetson AGX Xavier
Potential performance and FPS capabilities
AssertionError: Torch not compiled with CUDA enabled
Jetson Xavier torchvision import and installation error
How to use GPU of NVIDIA Xavier NX Developer Kit
CUDA/NVCC cannot be found. pytorch.cuda.not available
Pickle error when training SSD MobileNet
Pytorch Jetson Nano 2GB import error
Jetson AGX Xavier Pytorch Wheel files for latest Python 3.8/3.9 versions with CUDA 10.2 support
Jetson Xavier NX Setup Problem for ultralytics repo
How to upgrade CUDA version for Jetson Xavier NX
How exactly does one install and use Libtorch on the AGX Xavier?
Jetson AGX Xavier Pytorch Wheel files for latest Python 3.8/3.9 versions with CUDA 10.2 support
Having troubles Installing Pytorch on Jetson Xavier AGX
Yolov5 + TensorRT results seems weird on Jetson Nano 4GB
Pytorch with Cuda 11.8 on Jetson ORIN AGX ( aarch64 )
Jetson Nano Installing Torch/Torchvision in Virtual Environment
ModuleNotFoundError: No module named ‘jetson’
Installing pytorch - /usr/local/cuda/lib64/libcudnn.so: error adding symbols: File in wrong format collect2: error: ld returned 1 exit status
What is the way to install Libtorch on my jetson xavier?
CUDA Error with YOLOv11 Instance Segmentation
Pytorch for jetson nano orin does not work
Building PyTorch from source fails
Cannot install PyTorch on jetson nano for python 3.9
Torchvison compatibility
Torchvison compatibility
Torchvision for JetPack 6?
Custom wheel for PyTorch with more recent python version
Orin Pytorch/CUDA issue
Need PyTorch tool base on python 3.8 version on JetPack 4.6.4 with cuda 10.2
Need build steps for Torch Vision 0.16.1 and Tensor Flow 2.12.0 for Python3.9 on Jetpack 5.1.2 Jetson AGX Xavier
How to install torch with cuda
Bug
How to inference AI model that are designed and trained outside onto the jetson nano baord?
Deepstream with python bindings
The detected CUDA version (11.5) mismatches the version that was used to compile PyTorch (12.2)
Hello AI World for Jetpack 6.0 DP - Pytorch 2.1.0 Installed, Torchvision Did Not Install
OSError: libcurand.so.10 while importing torch
How do I 'Apply patch'?
OSError: libcurand.so.10: cannot open shared object file: No such file or directory
Right version of torch for python 3.10.14
How can i build pytorch 1.8.0 from the source for python 3.7.11
AssertionError: Torch not compiled with CUDA enabled
Error in pytorch & torchvision on Xavier NX JP 5.0.1 DP
Running PyTorch CUDA
Jetson AGX XAVIER with jetpack 4.6 installs torch and cuda
PyTorch GPU build on Jetson AGX Orin (JetPack 6.1 / CUDA 12.6) failing due to NumPy ABI mismatch
Live Llava on Orin
Can not use yolov5 batch inference
Issue installing Pytorch on Jetson Orin Nano with Jetpack 6.0
Can I execute yolov5 on the GPU of JETSON AGX XAVIER?
Pytorch error installing, missing files
Unable to use cuda cores for yolo. tried everything found on internet for orin nano dev kit
Pytorch installation on Jetson AGX Orin
Error with Torch on Jetpack 5.1.2: AttributeError in gemma2 Model
Error when importing torch in python on Jetson Orin Nano
Error with Torch on Jetpack 5.1.2: AttributeError in gemma2 Model
Firefox crashing in Jetson Orin Nx wth Jetpack 5.1
Torchvision for JetPack 6?
Pyrealsense2 issue (OpenCV)
Torch and torchvision versions are not compatible
Torch not detecting GPU
PyTorch Distributed
YOLOv8 on Jetson Nano with Cuda Support
Need torchvision Wheel for JetPack 5.1.3 on Jetson Orin NX
Pytorch & torchversion compatible issue on L4T35.5.0
CUDA problem, Nvidia jetson AGX Orin
How is torch.cuda unavailable?
Pytorch & torchversion compatible issue on L4T35.5.0
Cuda Support not avaliable for yolov8 on jetson nano?
Compiling torchvision 0.19.0 for torch 2.4.0a0+07cecf4168.nv24.05.14710581
Torch v1.9.0 shows incompatible with torchvision v0.10.0
USE_QNNPACK=0 and USE_PYTORCH_QNNPACK=0
The detected CUDA version (11.5) mismatches the version that was used to compile PyTorch (12.2)
Getting error when installing torchvision
Unable to install SAM2 on Orin Nano
Torch version for Jetson Nano, Jetpack 6.0 and how to install it?
Enable to import torch and torch-vision after installing it with Jetson Inference github repository
NVIDIA Tegra X1 with CUDA capability sm_53 is not compatible with the current PyTorch installation
Jetson Xavier NX torch and torchvision compability
Cuda Support not avaliable for yolov8 on jetson nano?
Libopenmpi-dev: Depends:libiverbs-dev- Broken packages error while installing Pytorch v2.1.0
Installation Issue with torchvision with Jetpack 5.14
CUDA for Jetson Xavier NX
Cuda Support not avaliable for yolov8 on jetson nano?
How to install Torch and Torchvision with cuda supported in Jetpack 5.1.2
Pytorch Driving Guardian
YOLOv7(8,9) on Jetson Orin Nano 4GB. RuntimeError: CUDA error: CUBLAS_STATUS_NOT_INITIALIZED when calling `cublasCreate(handle)`
Jetson Xavier Nx - Cuda toolkit
Error: command '/usr/bin/aarch64-linux-gnu-gcc' failed with exit code 1
Installation Cudnn for Jetson Orin Nano
Pytorch & torchversion compatible issue on L4T35.5.0
Jet pack version for "jetson-nano-jp461-sd-card-image"?
Torchvision compatibility problem with jetpack 5.1.1 and torch 1.14 on nvidia xavier nx
Jetson nano gpu accelerators
No compatible version of pytorch.vision (torchvision) package for latest PyTorch for Jetson AGX Xaviera
Issues with new pytorch version for JP 6.1
I want to change yolov8 onnx to engine(tensorrt) for using DLA ,but faild Torch not compiled with CUDA enabled
No NVIDIA GPU available or detected on Nvidia Jetson Orin Nano
Command yolo error when i install ultralytics
Jetson Nano Pytorch returns CUDA False
Ultralytics YOLO and CUDA for Jetson Nano 4.6
What is the compatible torchvision version for torch-1.14.0a0+44dac51c.nv23.2 installed on AGX ORIN( Ubuntu-22.04, JP-5.1/5.0, Python-3.8, CUDA-11.4)
Jetson AGX Orin FAQ
Jetson Nano Pytorch returns CUDA False
Cannot get Torch met CUDA to work on Jetson Orin
Jetpack 6.0 and Cuda
Torch-1.11.0-cp38-cp38-linux_aarch64.whl is not a supported wheel on this platform
Torch-1.11.0-cp38-cp38-linux_aarch64.whl is not a supported wheel on this platform
Installing library that requires python>=3.9 on AGX Orin with Jetpack 5.1.2
Yolov8 working on Jetson AGX Orin and Orin Nano with TensorRT and CUDA
YOLO V7 installation error
Issues Building Pytorch on Jetpack 4.4
ImportError: cannot import name 'is_compiling' from 'torch._dynamo'
How to install torch, onnxruntimegpu,cuda,opencv ....... (use GPU) on jetson NX jetpack502. I need tutorial . Thanks
Pytorch runtime issue on Jetson Orin Nano
Torch.distributed is not available on Jetson PyTorch
The detected CUDA version (11.5) mismatches the version that was used to compile PyTorch (12.2)
Pytorch runtime issue on Jetson Orin Nano
How to install torch, onnxruntimegpu,cuda,opencv ....... (use GPU) on jetson NX jetpack502. I need tutorial . Thanks
Pytorch compatibility issues (torch 2.0.0+nv23.5 && torchvision 0.15.1)
Does Stable Diffusion run on Jetson Orin Nano?
Pytorch compatibility issues (torch 2.0.0+nv23.5 && torchvision 0.15.1)
Module 'torch.distributed' has no attribute 'ReduceOp'
Pytorch-" not a supported wheel on this platform."Error
Python3.11 for Xavier
Electronically Assisted Astronomy with a Jetson Nano
AGX Xavier NVCC
Torchvision on Jetson AGX Orin DevKit
JetPack 4.x
CUDA runtime on Jetson Orin AGX
CUDA runtime on Jetson Orin AGX
Can jetson use pytorch geometric lib to train GNN models?
What is proper version of torchvision for torch 2.0.0+nv23.5
Pytorch-CUDA 11.8 for Jetson AGX Orin
Can jetson use pytorch geometric lib to train GNN models?
Issues with installing torchvision 0.13.0
Cuda enable using pytorch
Jetson Nano GPU not functional for Image Processing
Cannot get Torch met CUDA to work on Jetson Orin
"torch.version.cuda" remains the same after manually upgrading CUDA to 11.8
How to run yolo v11 inference on jetson orin using device=dla:0
Getting started with Jetson Orin Cuda 11.4 and PyTorch 1.12.1
YoloV8 Segmentation fault (core dumped)
OSError: libmpi_cxx.so.40: cannot open shared object file: No such file or directory
Remote branch 2.1.0 not found in upstream error while installing Pytorch 2.1.0 for Python version 3.9 from Build Source
Torch 2.0.1 for Nvidia Jetson AGX Orin Dev Kit 64GB
Pytorch for Clara AGX
Evaluation of Tensorrt model not happening in JETPACK 6 with TENSORRT 8.6
Issues Installing pytorch through jetson inference install script
Pytorch for JetPack 6.0
Cuda not detecting on SE70
Torch not compiled with CUDA enabled error
Jetson agx orin torch 1.11.0 install
PyTorch installation issue for jetson orin nano (torch 2.0.0+nv23.05 and torchvision 0.15.1)
Jetpack6 torchvision
No module named ‘torch’ but I installed
No module named 'torch'" error
PyTorch and Torchvision for Jetpack 5.1.2
Compatibility Issue of python 3.7 or above version for jetson tx2i
Pytorch and Torchvision problem on Jetson Nano
Can't find compatible torchvision version for torch for jetpack 5.1
Jetson Orin NX SDK Version Conflict Issue
JetPack 6.0 Developer Preview - Release Announcement
Cuda error on jetson orin
Recommended PyTorch version for JetPack 5.1
GPU not accessible in a custom Docker container
AssertionError:Torch not compiled with CUDA enabled :trt_pose
Jetson ORIN NX 16 GB does not use CUDA Core
How to run yolox on Jetson Nano
Torch.cuda.is_available() returns False
>>> torch.cuda.is_available() False in Jetson Xavier AGX
Jp5 missing from https://pypi.jetson-ai-lab.io/
Running PyTorch on Jetson TX2
Running PyTorch on Jetson TX2
Cannot run yolo on jetson agx orin
Environment is pretty much the same, but minimal code snippet won't run
Installation of Ultralytics and Yolov5 over Jetson Nano board (Jetpack 4.6.4).)
Environment is pretty much the same, but minimal code snippet won't run
PYTORCH VERSION FOR JETPACK 4.6.5(L4T 32.7.5)
Ultralytics YOLO and CUDA for Jetson Nano 4.6
Unable to install pytorch and torchvision on jetson orin
Unable to install pytorch and torchvision on jetson orin
CUDA Not Available on Jetson Orin Nano Despite Installation
Torchvision for jetpack 6.1
Pytorch packages for Jetpack 6.1
YOLOv8 Python Script has really high inference time due unused GPU Memory
Help with Pytorch, torchvision on Jetpack 6
Xavier agx torch
Install pytorch 2.6 and torchvision 0.21
"libcublas.so.*" not found
Error in Installing PyTorch for Jetson Platform
Need PyTorch tool base on python 3.8 version on JetPack 4.6.4 with cuda 10.2
Pytorch installation on Jetson AGX Orin
Problem in running yolov8 on gpu with pytorch cuda()
Hello AI World Training Cat/Dog
PyTorch with CuDA support in Jetson Xavier NX Dev kit
CUDA error: no kernel image is available for execution on the device
Installing Torch and Torchvision with CUDA support on Jetson Nano
Error compiling Torchvision 0.16.2 for Pytorch version 0.2.1 against Python3.9 on Jetpack 5.1.2
Cannot run yolo on jetson agx orin
PyTorch, TorchVision and Ultralytics Error on JetPack 4.6.1
Install Pytorch with cuda on Jetson Orin nano Devloper Kit
L4t cuda torch cuda False
PyTorch has CUDA Version=11.4 and torchvision has CUDA Version=11.8
Can't download torch and torchvision torchaudio for jetson
Regarding the issue of CUDA and Pytorch
Pytocrh环境搭建
Cannot install Pytorch 2.x with CUDA support
What is the torchvision version compatible with torch 1.11.0a0+17540c5
No torch and torchaudio package available for CUDA 12.6 (Jetpack 6.2)
Nvidia Xavier Dev Board Jetpack 5.1.2 torchvision installation
OSError: libcufft.so.10: cannot open shared object file: No such file or directory
Torch.cuda.is_available() returns false
Is there a torch wheel based on python3.12 for jetpack 6.2?
CUDA and NVIDIA driver configuration ERROR for PyTorch
AGX Xavier Cuda Installation
Unable to Connect CUDA with YOLOv8 on Jetson Xavier AGX
Error While Running in Jetson Orin NX board
Issues with installing torchvision 0.13.0
Jetson orin nx
Cannot install pytorch on AGX Xavier with jetpack 5.1.4: Not supported wheel on this platform
[REQUEST] build script for pytorch or up to date pytorh binary release supporting jetson boards running L4T35.6(ubuntu20.04)
Working with pytorch>2.5
Jetson docker cudnn is unavailable
[REQUEST] build script for pytorch or up to date pytorh binary release supporting jetson boards running L4T35.6(ubuntu20.04)
Is GPU enabled or disabled in Jetson nano by default
[REQUEST] build script for pytorch or up to date pytorh binary release supporting jetson boards running L4T35.6(ubuntu20.04)
PyTorch and Torchvision version mismatch for JetPack 5.1.4 on Orin Nano
Pytorch with CUDA for Jetpack 5.1.4
Pytorch with CUDA for Jetpack 5.1.4
Looking for a pre-built wheel for PyTorch for Jetson Nano
Run pytorch custom inference on Jetson Nano’s GPU but it stop
PyTorch has CUDA Version=11.4 and torchvision has CUDA Version=11.8
PyTorch has CUDA Version=11.4 and torchvision has CUDA Version=11.8
Updating Jetson AGX Orin with Jepack 5.1.2 to CUDA 11.8 and PyTorch installation from source
Compatibility issues with torch and torchvision
PyTorch 2.8 wheel for Jetpack 6.2
RuntimeError: operator torchvision::nms does not exist
ROS Humble support
Torch not compiled with CUDA enabled
Torch torchvision and facenet pytorch installation on jetson agx orin
How to install torch and torchvision on JetPack5.1.2
PyTorch 2.8 wheel for Jetpack 6.2
[Jetson Orin Nano] RuntimeError: FIND was unable to find an engine to execute this computation after trying 0 plans
[Jetson Orin Nano] RuntimeError: FIND was unable to find an engine to execute this computation after trying 0 plans
Looking for JetPack image with preinstalled CUDA and ML essentials for Jetson Nano
Jetson orin nano, PyTorch
The GPU is not used when running detection with YOLOv5
Jetson AGX Xavier Jetpack 5 upgraded to CUDA 11.8 can't use torch :(
Pytorch and torchvision compatability error
YOLOv5 on Jetson Orin not use GPU
Using CUDA on jetson nano
Jetson pytorch cuda cudnn version related logic
Tensorrt runtime creation takes 2 Gb when torch is imported
Installing Jetpack 4.4DP
Jetson Nano L4T 32.3.1 and yolov7 compatibility
Installation of Ultralytics and Yolov5 over Jetson Nano board (Jetpack 4.6.4).)
Not able to install Pytorch in jetson nano
PyTorch and torchvision versions are incompatible
ComfyUi error float8_e4m3fn with Pytorch
Error while compiling Libtorch 1.8 on Jetson AGX Xavier
Jetson Orin, TensorRT, CUDA 11.8 for PyTorch 2.0.0
Troubles in installing PyTorch on Jetbot
Using Pytorch on GPU after upgrading cuda to 11.8 on Jetpack5
Jetson Nano - using old version pytorch model
Jetpack 5.1.2 Model Training Fails with Torch 2.1.0
Problem in installing torch in Jetson AGX Orin
Embedded Realtime Neural Audio Synthesis using a Jetson Nano
Jetson Nano ONNX Export
Unable to use GPU with pytorch yolov5 on jetson nano
The compiling of Pytorch 1.4.0 with python 2.7 for CUDA 10.2
Jetson Orin, TensorRT, CUDA 11.8 for PyTorch 2.0.0
Working with pytorch>2.5
Help me with Correct Pytorch and Torchvision versions requirement for Jetpack 6.2.1 orin super
RuntimeError: operator torchvision::nms does not exist
Install older version of pyotrch on jetpack 4.5.1
Problem to install PyTorch on Jetson Nano Orin
Pytorch install failed
Install Pytorch with cuda on Jetson Orin nano Devloper Kit
Jetson Orin NX (JetPack 5.1.5 with cuda11.8) how to install pytorch
Cant install Pytorch on JetsonNano P3450
Fail while booting TX1
ERROR: Flash Jetson Xavier NX - flash: [error]: : [exec_command]: /bin/bash -c /tmp/tmp_NV_L4T_FLASH_XAVIER_NX_WITH_OS_IMAGE_COMP.sh; [error]:
ERROR: torch-1.6.0-cp36-cp36m-linux_aarch64.whl is not asupported wheel on this platform
Any PyTorch versions supporting torch.distributed and nccl backend on jetson orin nano?
Orin AGX pyTorch SDK 513
Running Yolov5 on Jetson Nano
Is it possible to install pytorch in jetpack 6.0 version?
Different cuda versions installed and cuda unavailable | Jetson Orin NX
Jetson Orin Nx, Pytorch 2.1.2 on Jetpack 6.0 DP, torch.cuda.is_available() is false
Text Recognition Issues
How to install pytorch 1.9 or below in jetson orin
CUDA error: CUBLAS_STATUS_ALLOC_FAILED when calling `cublasCreate(handle)`
Jetson AGX Xavier Jetpack 5 upgraded to CUDA 11.8 can't use torch :(
Problems with torch and torchvision Jetson Nano
Error when "import torch" is executed after python3
Problems with torch and torchvision Jetson Nano
Cuda runtime error while re-training SSD
Cant install Pytorch on JetsonNano P3450
What is the compatible torchvision version for torch-1.14.0a0+44dac51c.nv23.2 installed on AGX ORIN( Ubuntu-22.04, JP-5.1/5.0, Python-3.8, CUDA-11.4)
No torchaudio package that works with torch for Cuda
Jetson Nano Jetbot Install "create-sdcard-image-from-scratch" pytorch vision error
Jetson Orin Nano freezes during Torchvision installation
Jetson Nano 2GB | Core Dumped Error While Installing PyTorch on JetPack 4.6.2
Couple of issues - Cuda/easyOCR & SD card backup
ImportError: cannot import name 'Store' from 'torch.distributed'
Pytorch installation Issue
Pytorch installation error
Torchvision setup problem
Best way to install LibTorch?
How to set up torch with GPU support on Jetson Orin (with Miniconda)?
Nvidia torch + cuda produces only NAN on CPU
Problem to install PyTorch on Jetson Nano Orin
Unable to install Torchvision 0.10.0 on Jetson Nano
Cannot install torchvision inside Isaac ROS container, cusparse.h not found
How to install Pytorch 1.8.0 with cuda support and torchvision
Unable to install CUDA supported Pytorch in JN
About PyTorch for Jetpack4.5.2
Building torch with cuda 10 support on Jetpack 5.0 (cuda 11)
Unable to install pytorch cpu version 2.5 on jetson orin with python 3.10
Import torch Illegal instruction (core dumped)
Cant install Pytorch on JetsonNano P3450
I can't use gpu on jetson orin nano
Problems Training Models
Segmentation Fault on AGX Xavier but not on other machine
cuDNN version incompatibility
Jetson AGX Xavier Machine Stuck at Boot
Dancing2Music Application in Jetson Xavier_NX
Pytorch Lightning set up on Jetson Nano/Xavier NX
JetPack 4.4 Developer Preview - L4T R32.4.2 released
Failed install pytorch in jetson nano
Hello AI World for Jetpack 6.0 DP - Pytorch 2.1.0 Installed, Torchvision Did Not Install
Can't use GPU to accelerate inference resnet model
Pytorch2 Build on Nano 2GB with fresh jetpack install
Numpy linked to a BLAS implementation
How long i expect to build pytorch on agx xavier ,its building from an hour
Build the pytorch from source for drive agx xavier
Build the pytorch from source for drive agx xavier
Why can'I import torch? OSError:libmpi_cxx.so.40
Build the pytorch from source for drive agx xavier
Pytorch does not support NCCL
What is the compatible torchvision version for torch-1.14.0a0+44dac51c.nv23.2 installed on AGX ORIN( Ubuntu-22.04, JP-5.1/5.0, Python-3.8, CUDA-11.4)
Nano B01 crashes while installing PyTorch
Jetson device can't use cuda
How to install pytorch1.5.1?
Incompatibility between PyTorch and Torchvision for Jetpack 5.1.2 on AGX Orin
Installing Pytorch OSError: libcurand.so.10: cannot open shared object file: No such file or directory
Pose Estimation with DeepStream does not work
Troubles in installing PyTorch on Jetbot
Torchvision setup error, in Jetson Xavier NX Dev kit
Installing pytorch on jetson nano
Pytorch installed on l4t-jetpack:r35.4.1 container on Jetson Orin Nano (JetPack 6.0 Developer Kit) fails to recognize CUDA
TRT model generation on DriveOrin fails
Cudnn version check
ImportError: libcudart.so.10.0: cannot open shared object file: No such file or directory
JetPck 6.0 / torch error
PyTorch 1.4 for Python2.7 on Jetpack 4.4.1[L4T 32.4.4]
Failed to install jupyter, got error code 1 in /tmp/pip-build-81nxy1eu/cffi/
How to install torchvision0.8.0 in Jetson TX2 (Jetpack4.5.1,pytorch1.7.0)
Installing the right torchvision for the torch in jetson orin yolo
Docker image for deepstream and pytorch
GPU running
Pytorch Installation failure in AGX Xavier with Jetpack 5
Jetpack 4.4 Broke one of my programs
No module named torch.fx (torch 1.7.0)
Incompatible version of torchvision on Jetson AGX Orin (Developer Kit)
The compiling of Pytorch 1.4.0 with python 2.7 for CUDA 10.2
JetPack 5.1.1 is now live
Can I use d2go made by facebook AI on jetson nano?
Jetson orin nx build torchvision from source fail
Cant install Pytorch on JetsonNano P3450
PyTorch and torchvision on Jetson Orin
Torchvision for jetson xavier nx with jetpack 5.1
Installing Pytorch in Orin (libmpi.so.20 issue)
Building Pytorch from source for Drive AGX
Running PyTorch on Jetson TX2
PyTorch doesn't see Cuda device
From fastai import * ModuleNotFoundError: No module named 'fastai'
ModuleNotFoundError: No module named 'torch._custom_ops'; 'torch' is not a package
Problem with torchvision building from source
Installing pytorch on jetson tx2
Jetson Xavier NX has an error when installing torchvision
Jetson Nano Torch 1.6.0 PyTorch Vision v0.7.0-rc2 Runtime Error
Pytorch installation error
Pytorch Lightning set up on Jetson Nano/Xavier NX
PyTorch Install problem (Solved)
Couldn't install detectron2 on jetson nano
How do I install pynvjpeg in an NVIDIA L4T PyTorch container(l4t-pytorch:r32.5.0-pth1.7-py3)?
Detectron2 for Nvidia Jetson Nano
Cannot install PyTorch on Jetson Xavier NX Developer Kit
Jetson model training on WSL2 Docker container - issues and approach
OSError: libmpi_cxx.so.40: cannot open shared object file: No such file or directory
Torch not compiled with cuda enabled over Jetson Xavier Nx
Cant use torch2trt in the volume of the container
AttributeError: module 'torch' has no attribute 'asarray'
Performance impact with jit coverted model using by libtorch on Jetson Xavier
Cannot install pytorch
Never ending torchvision installation
PyTorch and GLIBC compatibility error after upgrading JetPack to 4.5
I run into this error while installing pytorch : libmpi_cxx.so.20: cannot open shared object file: No such file or directory

I met a trouble on installing Pytorch.
The Numpy module need python3-dev, but I can’t find ARM python3-dev for Python3.6. The source only includes the ARM python3-dev for Python3.5.1-3.
So, can the Python3.6 Pytorch work on Python3.5? Or where can I find ARM python3-dev for Python3.6 which is needed to install numpy?
Thanks a lot

5 Likes

Hmm that’s strange, on my system ‘sudo apt-get install python3-dev’ shows python3-dev version 3.6.7-1~18.04 is installed. Does it help if you run ‘sudo apt-get update’ before?

2 Likes

If I may ask, is there any way we could get the binaries for the Pytorch C++ frontend? I’m trying to build it from source and that would be really nice.

Thanks!

1 Like

I’m not sure that these are included in the distributable wheel since that’s intended for Python - so you may need to build following the instructions above, but with “python setup.py develop” or “python setup.py install” in the final step (see here).

@dusty_nv theres a small typo in the verification example, you’ll want to “import torch” not “pytorch”

Could be worth adding the “pip3 install numpy” into the steps, it worked for me first time, I didn’t hit the problem @buptwlr did with python3-dev being missing.

For python2 I had to “pip install future” before I could import torch (was complaining with “ImportError: No module named builtins”), apart from that it looks like its working as intended.

Thanks !!

1 Like

Woops, thanks for pointing that out Balnog, I have fixed that in the steps above.

Do you think that is only needed if you are building from source, or do you need to explicitly install numpy even if just using the wheel?

1 Like

I had to install numpy when using the python3 wheel. It wasn’t necessary for python2 - I’d not installed anything other than pip/pip3 on the system at that point (using the latest SD card image).

@dusty_nv , @Balnog
I have found the solution. I changed the apt source for speed reason.
And after putting the original sources back to the sources.list file, I successfully find the apt package.

OK thanks, I updated the pip3 install instructions to include numpy in case other users have this issue.

1 Like

from china
burn in jetson-nano-sd-r32.1-2019-03-18.img today.
download torch-1.1.0a0+b457266-cp36-cp36m-linux_aarch64.whl

-bash: pip3: command not found

do I need to install pip3?

sudo apt-get update failed.

python3-pip or python3-dev can’t be located.

edit /etc/apt/source.list to Chinese images failed again.

help!

Hi huhai, if apt-get update failed, that would prevent you from installing more packages from Ubuntu repo. Are you behind a firewall that is preventing you from connecting to the Ubuntu package repositories?

pip3 installed using:
https://bootstrap.pypa.io/get-pip.py
referencing :
https://packaging.python.org/tutorials/installing-packages/#ensure-you-can-run-pip-from-the-command-line

pip3 install numpy stlll failed.

restored /etc/apt/sources.list
apt-get work fine. Its the network , should be.
reinstalled pip3

numpy installed ok using:
pip3 install numpy --user

Playing ubuntu 16.04 and pytorch on this network for a while already, apt-get works well before.

New to ubuntu 18.04 and arm port, will keep working on apt-get .

turn out the wheel file can’t be download from china.
the file downloaded before have zero byte.
using an aliyun esc in usa finished the download job.

finally pytorch installed.

torch.cuda.is_available()
True

PS: compiling pytorch using jetson nano is a nightmare .

1 Like

@dusty_nv ,
Hi, could you tell me how to install torchvision?
I cant install it by “pip3 install torchvision” cause it would collecting torch(from torchvision), and PyTorch does not currently provide packages for PyPI.

Please help me out. Thanks a lot

Hi buptwlr, run the commands below to install torchvision. It is installed from source:

$ git clone https://github.com/pytorch/vision
$ cd vision
$ sudo python setup.py install
2 Likes

When installing torchvision, I found I needed to install libjpeg-dev (using sudo apt-get install libjpeg-dev) becaue it’s required by Pillow which in turn is required by torchvision.

1 Like

Hi,
I’m getting a weird error while importing. I installed using the pre-built wheel specified in the top post.

>>> import torch
Traceback (most recent call last):
  File "<stdin>", line 1, in <module>
  File "/home/nvidia/python3/lib/python3.6/site-packages/torch/__init__.py", line 97, in <module>
    from torch._C import *
ImportError: libcusparse.so.10.0: cannot open shared object file: No such file or directory

I’m using a Xavier with the following CUDA version.

>>> cat /usr/local/cuda-10.0/version.txt 
CUDA Version 10.0.117
2 Likes

Hi haranbolt, have you re-flashed your Xavier with JetPack 4.2? Are you able to find cusparse library?

I had flashed it using JetPack 4.1.1 Developer preview. Is it necessary to reflash it using JetPack 4.2?

Yes, these PyTorch pip wheels were built against JetPack 4.2.