Difference between revisions of "Jetson Zoo"

From eLinux.org
Jump to: navigation, search
m (PyTorch (Caffe2))
m
 
(89 intermediate revisions by the same user not shown)
Line 1: Line 1:
 
This page contains instructions for installing various open source add-on packages and frameworks on [[Jetson|NVIDIA Jetson]], in addition to a collection of DNN models for inferencing.
 
This page contains instructions for installing various open source add-on packages and frameworks on [[Jetson|NVIDIA Jetson]], in addition to a collection of DNN models for inferencing.
  
Below are links to container images and precompiled binaries built for aarch64 (arm64) architecture\.  These are intended to be installed on top of [https://developer.nvidia.com/embedded/jetpack JetPack].  
+
Below are links to container images and precompiled binaries built for aarch64 (arm64) architecture.  These are intended to be installed on top of [https://developer.nvidia.com/embedded/jetpack JetPack].  
  
 
Note that JetPack comes with various pre-installed components such as the L4T kernel, CUDA Toolkit, cuDNN, TensorRT, VisionWorks, OpenCV, GStreamer, Docker, and more.  
 
Note that JetPack comes with various pre-installed components such as the L4T kernel, CUDA Toolkit, cuDNN, TensorRT, VisionWorks, OpenCV, GStreamer, Docker, and more.  
Line 10: Line 10:
  
 
There are also helpful deep learning examples and tutorials available, created specifically for Jetson - like Hello AI World and JetBot.
 
There are also helpful deep learning examples and tutorials available, created specifically for Jetson - like Hello AI World and JetBot.
 +
 +
== Jetson AI Lab ==
 +
 +
[[File:JON_Gen-AI-panels.png|300px|right]]
 +
 +
The [https://www.jetson-ai-lab.com '''Jetson AI Lab'''] features tutorials on LLMs, Vision Transformers (ViT), Vision Language Models (VLM), Multimodal Vector Databases, and more! 
 +
 +
[[File:NVIDIA-Jetson-Generative-AI-Lab.png|750px|link=https://www.jetson-ai-lab.com]]
  
 
== Docker Containers ==
 
== Docker Containers ==
  
 
[[File:NGC_containers.png|185px|right]]
 
[[File:NGC_containers.png|185px|right]]
There are ready-to-use ML and data science containers for Jetson hosted on [https://ngc.nvidia.com/catalog/all?orderBy=modifiedDESC&pageNumber=0&query=l4t&quickFilter=&filters= NVIDIA GPU Cloud] (NGC), including the following:
+
There are many ready-to-use containers and Dockerfiles for Jetson and JetPack on the '''[https://github.com/dusty-nv/jetson-containers jetson-containers]''' GitHub repo.
  
* [https://ngc.nvidia.com/catalog/containers/nvidia:l4t-tensorflow l4t-tensorflow] - TensorFlow 1.15.2 for JetPack 4.4
+
* [https://github.com/dusty-nv/jetson-containers/blob/master/packages/l4t/l4t-tensorflow l4t-tensorflow] - TensorFlow for JetPack 4.4 (and newer)
* [https://ngc.nvidia.com/catalog/containers/nvidia:l4t-pytorch l4t-pytorch] - PyTorch 1.2-1.5 for JetPack 4.4
+
* [https://github.com/dusty-nv/jetson-containers/blob/master/packages/l4t/l4t-pytorch l4t-pytorch] - PyTorch for JetPack 4.4 (and newer)
* [https://ngc.nvidia.com/catalog/containers/nvidia:l4t-ml l4t-ml] - TensorFlow, PyTorch, scikit-learn, scipy, pandas, JupyterLab, ect.
+
* [https://github.com/dusty-nv/jetson-containers/blob/master/packages/l4t/l4t-ml l4t-ml] - TensorFlow, PyTorch, scikit-learn, scipy, pandas, JupyterLab, ect.
  
These containers are highly recommended to reduce the installation time of the frameworks below, and for beginners getting started.
+
In addition, you can find containers there for ROS/ROS2, language models, vision transformers, and more.
  
If you wish to modify them, the Dockerfiles and build scripts for these containers can be found on [https://github.com/dusty-nv/jetson-containers GitHub].
+
For the latest tutorials on generative AI, see the '''[https://nvidia-ai-iot.github.io/jetson-generative-ai-playground/ Jetson Generative AI Playground]'''
  
 
<br/ >
 
<br/ >
Line 32: Line 40:
 
* Source:  [https://github.com/tensorflow/tensorflow https://github.com/tensorflow/tensorflow]
 
* Source:  [https://github.com/tensorflow/tensorflow https://github.com/tensorflow/tensorflow]
 
* Container:  [https://ngc.nvidia.com/catalog/containers/nvidia:l4t-tensorflow l4t-tensorflow]
 
* Container:  [https://ngc.nvidia.com/catalog/containers/nvidia:l4t-tensorflow l4t-tensorflow]
* Version:  1.15.2, 2.1
+
* Version:  1.15, 2.x (Python 3.6/3.8/3.10)
 
* Packages:
 
* Packages:
** JetPack 4.4
+
{| class="wikitable" style="margin-left:25px"
*** [https://developer.download.nvidia.com/compute/redist/jp/v44/tensorflow/tensorflow-1.15.2+nv20.4-cp36-cp36m-linux_aarch64.whl 1.15.2 pip wheel] (Python 3.6)
+
|-
*** [https://developer.download.nvidia.com/compute/redist/jp/v44/tensorflow/tensorflow-2.1.0+nv20.4-cp36-cp36m-linux_aarch64.whl 2.1 pip wheel] &nbsp;(Python 3.6)
+
! !! TensorFlow 1.x !! TensorFlow 2.x
** JetPack 4.3
+
|-
*** [https://developer.download.nvidia.com/compute/redist/jp/v43/tensorflow/tensorflow-1.15.2+nv20.3-cp36-cp36m-linux_aarch64.whl 1.15.2 pip wheel] (Python 3.6)
+
| JetPack 6.0 ||  || [https://developer.download.nvidia.com/compute/redist/jp/v60dp/tensorflow/tensorflow-2.14.0+nv23.11-cp310-cp310-linux_aarch64.whl 2.14 pip wheel]
*** [https://developer.download.nvidia.com/compute/redist/jp/v43/tensorflow/tensorflow-2.1.0+nv20.3-cp36-cp36m-linux_aarch64.whl 2.1 pip wheel] &nbsp;(Python 3.6)
+
|-
* Supports:  JetPack >= 4.2 (Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier)
+
| JetPack 5.1 || [https://developer.download.nvidia.com/compute/redist/jp/v51/tensorflow/tensorflow-1.15.5+nv23.01-cp38-cp38-linux_aarch64.whl 1.15.5 pip wheel] || [https://developer.download.nvidia.com/compute/redist/jp/v51/tensorflow/tensorflow-2.11.0+nv23.01-cp38-cp38-linux_aarch64.whl 2.11 pip wheel]
 +
|-
 +
| JetPack 5.0 || [https://developer.download.nvidia.com/compute/redist/jp/v50/tensorflow/tensorflow-1.15.5+nv22.4-cp38-cp38-linux_aarch64.whl 1.15.5 pip wheel] || [https://developer.download.nvidia.com/compute/redist/jp/v50/tensorflow/tensorflow-2.8.0+nv22.4-cp38-cp38-linux_aarch64.whl 2.8 pip wheel]
 +
|-
 +
| JetPack 4.6 || [https://developer.download.nvidia.com/compute/redist/jp/v46/tensorflow/tensorflow-1.15.5+nv21.7-cp36-cp36m-linux_aarch64.whl 1.15.5 pip wheel] || [https://developer.download.nvidia.com/compute/redist/jp/v46/tensorflow/tensorflow-2.5.0+nv21.7-cp36-cp36m-linux_aarch64.whl 2.5 pip wheel]
 +
|-
 +
| JetPack 4.5 || [https://developer.download.nvidia.com/compute/redist/jp/v45/tensorflow/tensorflow-1.15.5+nv21.6-cp36-cp36m-linux_aarch64.whl 1.15.5 pip wheel] || [https://developer.download.nvidia.com/compute/redist/jp/v45/tensorflow/tensorflow-2.5.0+nv21.6-cp36-cp36m-linux_aarch64.whl 2.5 pip wheel]
 +
|-
 +
| JetPack 4.4.1 || [https://developer.download.nvidia.com/compute/redist/jp/v44/tensorflow/tensorflow-1.15.3+nv20.9-cp36-cp36m-linux_aarch64.whl 1.15.3 pip wheel] || [https://developer.download.nvidia.com/compute/redist/jp/v44/tensorflow/tensorflow-2.3.0+nv20.9-cp36-cp36m-linux_aarch64.whl 2.3 pip wheel]
 +
|-
 +
| JetPack 4.4 || [https://developer.download.nvidia.com/compute/redist/jp/v44/tensorflow/tensorflow-1.15.2+nv20.6-cp36-cp36m-linux_aarch64.whl 1.15.2 pip wheel] || [https://developer.download.nvidia.com/compute/redist/jp/v44/tensorflow/tensorflow-2.2.0+nv20.6-cp36-cp36m-linux_aarch64.whl 2.2 pip wheel]
 +
|-
 +
| JetPack 4.4 DP || [https://developer.download.nvidia.com/compute/redist/jp/v44/tensorflow/tensorflow-1.15.2+nv20.4-cp36-cp36m-linux_aarch64.whl 1.15.2 pip wheel] || [https://developer.download.nvidia.com/compute/redist/jp/v44/tensorflow/tensorflow-2.1.0+nv20.4-cp36-cp36m-linux_aarch64.whl 2.1 pip wheel]
 +
|-
 +
| JetPack 4.3 || [https://developer.download.nvidia.com/compute/redist/jp/v43/tensorflow/tensorflow-1.15.2+nv20.3-cp36-cp36m-linux_aarch64.whl 1.15.2 pip wheel] || [https://developer.download.nvidia.com/compute/redist/jp/v43/tensorflow/tensorflow-2.1.0+nv20.3-cp36-cp36m-linux_aarch64.whl 2.1 pip wheel]
 +
|}
 +
* Supports:  JetPack >= 4.2 (Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier / AGX Orin)
 
* Install Guide:  [https://docs.nvidia.com/deeplearning/frameworks/install-tf-jetson-platform/index.html#prereqs Installing TensorFlow on Jetson]
 
* Install Guide:  [https://docs.nvidia.com/deeplearning/frameworks/install-tf-jetson-platform/index.html#prereqs Installing TensorFlow on Jetson]
 
* Forum Topic:  [https://devtalk.nvidia.com/default/topic/1048776/jetson-nano/official-tensorflow-for-jetson-nano-/ devtalk.nvidia.com/default/topic/1048776/jetson-nano/official-tensorflow-for-jetson-nano-/]
 
* Forum Topic:  [https://devtalk.nvidia.com/default/topic/1048776/jetson-nano/official-tensorflow-for-jetson-nano-/ devtalk.nvidia.com/default/topic/1048776/jetson-nano/official-tensorflow-for-jetson-nano-/]
Line 46: Line 70:
 
<source lang="bash">
 
<source lang="bash">
 
# install prerequisites
 
# install prerequisites
$ sudo apt-get install libhdf5-serial-dev hdf5-tools libhdf5-dev zlib1g-dev zip libjpeg8-dev
+
$ sudo apt-get install libhdf5-serial-dev hdf5-tools libhdf5-dev zlib1g-dev zip libjpeg8-dev liblapack-dev libblas-dev gfortran
  
 
# install and upgrade pip3
 
# install and upgrade pip3
 
$ sudo apt-get install python3-pip
 
$ sudo apt-get install python3-pip
$ sudo pip3 install -U pip testresources setuptools
+
$ sudo pip3 install -U pip testresources setuptools=49.6.0
  
 
# install the following python packages
 
# install the following python packages
$ sudo pip3 install -U numpy==1.16.1 future==0.17.1 mock==3.0.5 h5py==2.9.0 keras_preprocessing==1.0.5 keras_applications==1.0.8 gast==0.2.2 enum34 futures protobuf
+
$ sudo pip3 install -U numpy==1.19.4 future==0.18.2 mock==3.0.5 h5py==2.10.0 keras_preprocessing==1.1.1 keras_applications==1.0.8 gast==0.2.2 futures protobuf pybind11
 +
 
 +
# to install TensorFlow 1.15 for JetPack 4.6:
 +
$ sudo pip3 install --pre --extra-index-url https://developer.download.nvidia.com/compute/redist/jp/v46 'tensorflow<2'
  
# to install TensorFlow 1.15 for JetPack 4.4:
+
# or install the latest version of TensorFlow (2.x) for JetPack 4.6:
$ sudo pip3 install --pre --extra-index-url https://developer.download.nvidia.com/compute/redist/jp/v44 ‘tensorflow<2’
+
$ sudo pip3 install --pre --extra-index-url https://developer.download.nvidia.com/compute/redist/jp/v46 tensorflow
  
# or install the latest version of TensorFlow (2.1) for JetPack 4.4:
+
# or install the latest version of TensorFlow (2.x) for JetPack 5.0:
$ sudo pip3 install --pre --extra-index-url https://developer.download.nvidia.com/compute/redist/jp/v44 tensorflow
+
$ sudo pip3 install --pre --extra-index-url https://developer.download.nvidia.com/compute/redist/jp/v50 tensorflow
  
 
</source>
 
</source>
Line 69: Line 96:
 
* Source:  [https://github.com/pytorch/pytorch https://github.com/pytorch/pytorch]
 
* Source:  [https://github.com/pytorch/pytorch https://github.com/pytorch/pytorch]
 
* Container:  [https://ngc.nvidia.com/catalog/containers/nvidia:l4t-pytorch l4t-pytorch]
 
* Container:  [https://ngc.nvidia.com/catalog/containers/nvidia:l4t-pytorch l4t-pytorch]
* Version:  PyTorch v1.0.0 - v1.5.0
+
* Install Guide[https://docs.nvidia.com/deeplearning/frameworks/install-pytorch-jetson-platform/index.html Installing PyTorch for Jetson]
 +
* Forum Topic:  [https://forums.developer.nvidia.com/t/pytorch-for-jetson/72048 forums.developer.nvidia.com/t/pytorch-for-jetson/72048]
 +
* Build from Source:  [https://devtalk.nvidia.com/default/topic/1049071/#5324123 https://devtalk.nvidia.com/default/topic/1049071/#5324123]
 
* Packages:
 
* Packages:
{{spaces|6}} '''JetPack 4.4 DP'''
+
{{spaces|6}} '''JetPack 6.0'''
 +
{| class="wikitable" style="margin-left:25px"
 +
|-
 +
! !! Python 3.10
 +
|-
 +
| v2.1.0 || [https://nvidia.box.com/shared/static/0h6tk4msrl9xz3evft9t0mpwwwkw7a32.whl pip wheel]
 +
|-
 +
| v2.2.0 || [https://developer.download.nvidia.cn/compute/redist/jp/v60dp/pytorch/torch-2.2.0a0+6a974be.nv23.11-cp310-cp310-linux_aarch64.whl pip wheel]
 +
|}
 +
 
 +
{{spaces|6}} '''JetPack 5.1'''
 +
{| class="wikitable" style="margin-left:25px"
 +
|-
 +
! !! Python 3.8
 +
|-
 +
| v1.14.0 || [https://developer.download.nvidia.com/compute/redist/jp/v51/pytorch/torch-1.14.0a0+44dac51c.nv23.01-cp38-cp38-linux_aarch64.whl pip wheel]
 +
|-
 +
| v2.0.0 || [https://developer.download.nvidia.com/compute/redist/jp/v51/pytorch/torch-2.0.0a0+8aa34602.nv23.03-cp38-cp38-linux_aarch64.whl pip wheel]
 +
|-
 +
| v2.1.0 || [https://developer.download.nvidia.com/compute/redist/jp/v512/pytorch/torch-2.1.0a0+41361538.nv23.06-cp38-cp38-linux_aarch64.whl pip wheel]
 +
|}
 +
 
 +
{{spaces|6}} '''JetPack 5.0'''
 +
{| class="wikitable" style="margin-left:25px"
 +
|-
 +
! !! Python 3.8
 +
|-
 +
| v1.11.0 || [https://nvidia.box.com/shared/static/ssf2v7pf5i245fk4i0q926hy4imzs2ph.whl pip wheel]
 +
|-
 +
| v1.12.0 || [https://developer.download.nvidia.com/compute/redist/jp/v50/pytorch/torch-1.12.0a0+2c916ef.nv22.3-cp38-cp38-linux_aarch64.whl pip wheel]
 +
|-
 +
| v1.13.0 || [https://developer.download.nvidia.com/compute/redist/jp/v50/pytorch/torch-1.13.0a0+340c4120.nv22.06-cp38-cp38-linux_aarch64.whl pip wheel]
 +
|}
 +
 
 +
{{spaces|6}} '''JetPack 4.4 / 4.4.1 / 4.5 / 4.5.1 / 4.6'''
 +
{| class="wikitable" style="margin-left:25px"
 +
|-
 +
! !! Python 3.6
 +
|-
 +
| v1.6.0 || [https://nvidia.box.com/shared/static/9eptse6jyly1ggt9axbja2yrmj6pbarc.whl pip wheel]
 +
|-
 +
| v1.7.0 || [https://nvidia.box.com/shared/static/cs3xn3td6sfgtene6jdvsxlr366m2dhq.whl pip wheel]
 +
|-
 +
| v1.8.0 || [https://nvidia.box.com/shared/static/p57jwntv436lfrd78inwl7iml6p13fzh.whl pip wheel]
 +
|-
 +
| v1.9.0 || [https://nvidia.box.com/shared/static/h1z9sw4bb1ybi0rm3tu8qdj8hs05ljbm.whl pip wheel]
 +
|-
 +
| v1.10.0 || [https://nvidia.box.com/shared/static/fjtbno0vpo676a25cgvuqc1wty0fkkg6.whl pip wheel]
 +
|}
 +
 
 +
{{spaces|6}} '''JetPack 4.4 Developer Preview'''
 
{| class="wikitable" style="margin-left:25px"
 
{| class="wikitable" style="margin-left:25px"
 
|-
 
|-
Line 100: Line 179:
 
| v1.4.0 || [https://nvidia.box.com/v/torch-1-4-cp27-jetson-jp43 pip wheel] || [https://nvidia.box.com/v/torch-1-4-cp36-jetson-jp43 pip wheel]
 
| v1.4.0 || [https://nvidia.box.com/v/torch-1-4-cp27-jetson-jp43 pip wheel] || [https://nvidia.box.com/v/torch-1-4-cp36-jetson-jp43 pip wheel]
 
|}  
 
|}  
* As per the [https://github.com/pytorch/pytorch/releases PyTorch Release Notes], Python 2 is not longer supported in PyTorch v1.5.
+
* As per the [https://github.com/pytorch/pytorch/releases PyTorch Release Notes], Python 2 is not longer supported as of PyTorch v1.5 and newer.
* Supports:  JetPack >= 4.2 (Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier)
+
* Supports:  JetPack >= 4.2 (Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier / AGX Orin)
* Forum Topic:  [https://devtalk.nvidia.com/default/topic/1049071/jetson-nano/pytorch-for-jetson-nano/ devtalk.nvidia.com/default/topic/1049071/jetson-nano/pytorch-for-jetson-nano/]
 
* Build from Source:  [https://devtalk.nvidia.com/default/topic/1049071/#5324123 https://devtalk.nvidia.com/default/topic/1049071/#5324123]
 
 
<span style="color: white; background-color: #7BCC70; padding: 5px">'''note''' — the PyTorch and Caffe2 projects have merged, so installing PyTorch will also install Caffe2</span>
 
<span style="color: white; background-color: #7BCC70; padding: 5px">'''note''' — the PyTorch and Caffe2 projects have merged, so installing PyTorch will also install Caffe2</span>
 
<source lang="bash">
 
<source lang="bash">
# for PyTorch v1.4.0, install OpenBLAS
 
$ sudo apt-get install libopenblas-base
 
 
 
# Python 2.7 (download pip wheel from above)
 
# Python 2.7 (download pip wheel from above)
 +
$ sudo apt-get install libopenblas-base libopenmpi-dev
 
$ pip install future torch-1.4.0-cp27-cp27mu-linux_aarch64.whl
 
$ pip install future torch-1.4.0-cp27-cp27mu-linux_aarch64.whl
  
 
# Python 3.6 (download pip wheel from above)
 
# Python 3.6 (download pip wheel from above)
 +
$ sudo apt-get install libopenblas-base libopenmpi-dev libomp-dev python3-pip
 
$ pip3 install Cython
 
$ pip3 install Cython
$ pip3 install numpy torch-1.4.0-cp36-cp36m-linux_aarch64.whl
+
$ pip3 install numpy torch-1.6.0-cp36-cp36m-linux_aarch64.whl
 
</source>
 
</source>
 
As per the the [https://github.com/pytorch/pytorch/releases/tag/v1.4.0 PyTorch 1.4 Release Notes], Python 2 support is now deprecated and PyTorch 1.4 is the last version to support Python 2.
 
As per the the [https://github.com/pytorch/pytorch/releases/tag/v1.4.0 PyTorch 1.4 Release Notes], Python 2 support is now deprecated and PyTorch 1.4 is the last version to support Python 2.
 +
 +
== ONNX Runtime ==
 +
 +
[[File:ONNX-Runtime-logo.svg|200px|right]]
 +
 +
* Website: https://microsoft.github.io/onnxruntime/
 +
* Source: https://github.com/microsoft/onnxruntime
 +
* Container: [https://mcr.microsoft.com/azureml/onnxruntime:v.1.4.0-jetpack4.4-l4t-base-r32.4.3 mcr.microsoft.com/azureml/onnxruntime:v.1.4.0-jetpack4.4-l4t-base-r32.4.3]
 +
* Version: 1.4, 1.5.2, 1.6, 1.7, 1.8, 1.9, 1.10, 1.11, 1.12.1, 1.15.1, 1.16, 1.17
 +
* Packages:
 +
{{spaces|6}} '''JetPack 4.4 / 4.4.1 / 4.5 / 4.5.1 / 4.6 / 4.6.1'''
 +
{| class="wikitable" style="margin-left:25px"
 +
|-
 +
! !! Python 3.6 !! Python 3.7 !! Python 3.8 !! Python 3.9
 +
|-
 +
| onnxruntime 1.4.0 || [https://nvidia.box.com/shared/static/8sc6j25orjcpl6vhq3a4ir8v219fglng.whl pip wheel] || || ||
 +
|-
 +
| onnxruntime 1.5.2 || [https://nvidia.box.com/shared/static/6lxbakd8zaf2p5nkgcn7ih116iqm1wzm.whl pip wheel] || || ||
 +
|-
 +
| onnxruntime 1.6.0 || [https://nvidia.box.com/shared/static/49fzcqa1g4oblwxr3ikmuvhuaprqyxb7.whl pip wheel] || [https://nvidia.box.com/shared/static/6rnx40ztx5874v3nvw4fkjzho3h0g3qx.whl pip wheel] || [https://nvidia.box.com/s/0hn1biilqnhii8dx6ojatdgjbd30ni0i pip wheel] ||
 +
|-
 +
| onnxruntime 1.7.0 || [https://nvidia.box.com/shared/static/ukszbm1iklzymrt54mgxbzjfzunq7i9t.whl pip wheel] || [https://nvidia.box.com/shared/static/jhedu966zv1m68t5xcltqckbej63btf3.whl pip wheel] || [https://nvidia.box.com/shared/static/8xgbee5ghhb92i9rrcr04yymg0n3x3t0.whl pip wheel] || [https://nvidia.box.com/shared/static/sa6lmumikihkfnvx5eup40o4audhqgz4.whl pip wheel]
 +
|-
 +
| onnxruntime 1.8.0 || [https://nvidia.box.com/shared/static/bfs688apyvor4eo8sf3y1oqtnarwafww.whl pip wheel] || [https://nvidia.box.com/shared/static/uidr189ftnm6aayfhf4m97jo6ue1r428.whl pip wheel] || [https://nvidia.box.com/shared/static/gjqofg7rkg97z3gc8jeyup6t8n9j8xjw.whl pip wheel] || [https://nvidia.box.com/shared/static/arhrs7n5ufg7r0iqbtd4jynvvhc8bymh.whl pip wheel]
 +
|-
 +
| onnxruntime 1.9.0 || [https://nvidia.box.com/shared/static/w3dezb26wog78rwm2yf2yhh578r5l144.whl pip wheel] || [https://nvidia.box.com/shared/static/uidr189ftnm6aayfhf4m97jo6ue1r428.whl pip wheel] || [https://nvidia.box.com/shared/static/kdgonq5ohz5g6gq8lw3kkxpo7y1uuldc.whl pip wheel] || [https://nvidia.box.com/shared/static/5md6o3g9ihbqrneeq5otpnatng2drzrw.whl pip wheel]
 +
|-
 +
| onnxruntime 1.10.0 || [https://nvidia.box.com/shared/static/jy7nqva7l88mq9i8bw3g3sklzf4kccn2.whl pip wheel] || [https://nvidia.box.com/shared/static/393jwij65if0997m0vm3t2ne7zkwl1zj.whl pip wheel] || [https://nvidia.box.com/shared/static/m9bz827ljmn771kvkjksdchmkczt3xke.whl pip wheel] || [https://nvidia.box.com/shared/static/wgxqlyvg7e7zw185btsv0w0fkfzfk7r1.whl pip wheel]
 +
|-
 +
| onnxruntime 1.11.0 || [https://nvidia.box.com/shared/static/pmsqsiaw4pg9qrbeckcbymho6c01jj4z.whl pip wheel] || [https://nvidia.box.com/shared/static/amhb62mzes4flhbfavoa73m5z933pv75.whl pip wheel] || [https://nvidia.box.com/shared/static/2sv2fv1wseihaw8ym0d4srz41dzljwxh.whl pip wheel] || [https://nvidia.box.com/shared/static/jmomlpcctmjojz14zbwa12lxmeh2h6o5.whl pip wheel]
 +
|}
 +
 +
{{spaces|6}} '''JetPack 5.0'''
 +
{| class="wikitable" style="margin-left:25px"
 +
|-
 +
! !! Python 3.7 !! Python 3.8 !! Python 3.9 !! Python 3.10
 +
|-
 +
| onnxruntime 1.12.1 || [https://nvidia.box.com/shared/static/dydwqa3ku9h03tb0qqey5ysdu8sb3b7u.whl pip wheel] || [https://nvidia.box.com/shared/static/v59xkrnvederwewo2f1jtv6yurl92xso.whl pip wheel] || [https://nvidia.box.com/shared/static/5dei4auhjh5ij7rmuvljmdy5q1en3bhf.whl pip wheel] || [https://nvidia.box.com/shared/static/6pt8royppnkhx4us806s1f02n2kbk4po.whl pip wheel]
 +
|}
 +
 +
{{spaces|6}} '''JetPack 5.1.1'''
 +
{| class="wikitable" style="margin-left:25px"
 +
|-
 +
! !! Python 3.8 !! Python 3.9 !! Python 3.10 !! Python 3.11
 +
|-
 +
| onnxruntime 1.15.1 || [https://nvidia.box.com/shared/static/mvdcltm9ewdy2d5nurkiqorofz1s53ww.whl pip wheel] || [https://nvidia.box.com/shared/static/9aemm4grzbbkfaesg5l7fplgjtmswhj8.whl pip wheel] || [https://nvidia.box.com/shared/static/6xzvfoay12xdbwxpirwp1f991z9jopfo.whl pip wheel] || [https://nvidia.box.com/shared/static/psl23iw3bh7hlgku0mjo1xekxpego3e3.whl pip wheel]
 +
|-
 +
| onnxruntime 1.16.0 || [https://nvidia.box.com/shared/static/iizg3ggrtdkqawkmebbfixo7sce6j365.whl pip wheel] || [https://nvidia.box.com/shared/static/67zek28z497hs9aev7xg2c1wngdeyv4h.whl pip wheel] || [https://nvidia.box.com/shared/static/cdfrdncfwrkdgf0rrhqy2ci1ciby3f0n.whl pip wheel] || [https://nvidia.box.com/shared/static/g74cjqh8fcyd9faobm7yeif8mmxdvc0g.whl pip wheel]
 +
|}
 +
 +
{{spaces|6}} '''JetPack 5.1.2'''
 +
{| class="wikitable" style="margin-left:25px"
 +
|-
 +
! !! Python 3.8 !! Python 3.9 !! Python 3.10 !! Python 3.11
 +
|-
 +
| onnxruntime 1.17.0 || [https://nvidia.box.com/shared/static/zostg6agm00fb6t5uisw51qi6kpcuwzd.whl pip wheel] || [https://nvidia.box.com/shared/static/6orewbbm76n871pmchr7u3nfeecl5r20.whl pip wheel] || [https://nvidia.box.com/shared/static/w5x9hpmif3sv3x92q98lfd2upfwm3pd9.whl pip wheel] || [https://nvidia.box.com/shared/static/tnw1fooxbs7h0l7bywftwuub575d3e88.whl pip wheel]
 +
|}
 +
 +
{{spaces|6}} '''JetPack 6.0'''
 +
{| class="wikitable" style="margin-left:25px"
 +
|-
 +
! !! Python 3.8 !! Python 3.9 !! Python 3.10 !! Python 3.11 !! Python 3.12
 +
|-
 +
| onnxruntime 1.17.0 || [https://nvidia.box.com/shared/static/86eqzd3i5fotutfny9acs11k3vtve4ty.whl pip wheel] || [https://nvidia.box.com/shared/static/b46n3g9a8tjrejj4g2pu1lktlyy69tp6.whl pip wheel] || [https://nvidia.box.com/shared/static/i7n40ki3pl2x57vyn4u7e9asyiqlnl7n.whl pip wheel] || [https://nvidia.box.com/shared/static/0msgctb06icwujj5u2vx5gw3ov72gqmt.whl pip wheel] || [https://nvidia.box.com/shared/static/eeiho9o7vt3y0zpmbgm7kbserpdj79cl.whl pip wheel]
 +
|}
 +
 +
* Supports: JetPack >= 4.4 (Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier / AGX Orin)
 +
* Forum Support: https://github.com/microsoft/onnxruntime
 +
* Build from Source: Refer to [https://www.onnxruntime.ai/docs/how-to/build/eps.html#nvidia-jetson-tx1tx2nanoxavier these] instructions
 +
* ONNX Runtime 1.10.0 Install instructions
 +
<source lang="bash">
 +
# Download pip wheel from location above for your version of JetPack
 +
$ wget https://nvidia.box.com/shared/static/iizg3ggrtdkqawkmebbfixo7sce6j365.whl -O onnxruntime_gpu-1.16.0-cp38-cp38-linux_aarch64.whl
 +
 +
# Install pip wheel
 +
$ pip3 install onnxruntime_gpu-1.16.0-cp38-cp38-linux_aarch64.whl
 +
</source>
  
 
== MXNet ==
 
== MXNet ==
Line 123: Line 276:
 
* Website:  [https://mxnet.apache.org/ https://mxnet.apache.org/]
 
* Website:  [https://mxnet.apache.org/ https://mxnet.apache.org/]
 
* Source:  [https://github.com/apache/incubator-mxnet https://github.com/apache/incubator-mxnet]
 
* Source:  [https://github.com/apache/incubator-mxnet https://github.com/apache/incubator-mxnet]
* Version:  1.4, 1.6
+
* Version:  1.4, 1.6, 1.7
 
* Packages:
 
* Packages:
 
{| class="wikitable" style="margin-left:25px"
 
{| class="wikitable" style="margin-left:25px"
Line 132: Line 285:
 
|-
 
|-
 
| v1.6 (JetPack 4.3) || [https://drive.google.com/open?id=1i-wgDa8rVv-9l-iR8iEhWNSLt7A9bRwZ pip wheel] || [https://drive.google.com/open?id=1acFgoFaw9arP1I6VZFR3Jjsm6TNkpR0v pip wheel]
 
| v1.6 (JetPack 4.3) || [https://drive.google.com/open?id=1i-wgDa8rVv-9l-iR8iEhWNSLt7A9bRwZ pip wheel] || [https://drive.google.com/open?id=1acFgoFaw9arP1I6VZFR3Jjsm6TNkpR0v pip wheel]
 +
|-
 +
| v1.7 (JetPack 4.4) || - || [https://forums.developer.nvidia.com/t/i-was-unable-to-compile-and-install-mxnet1-5-with-tensorrt-on-the-jetson-nano-is-there-someone-have-compile-it-please-help-me-thank-you/111303/27 forum post]
 
|}   
 
|}   
* Supports:  JetPack 4.2.x, JetPack 4.3 (Jetson Nano / TX1 / TX2 / Xavier)
+
* Supports:  JetPack >= 4.2 (Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier)
* Forum Topic: [https://devtalk.nvidia.com/default/topic/1049293/#5326170 v1.4 (JetPack 4.2.x)] | [https://devtalk.nvidia.com/default/topic/1070767/#5426042 v1.6 (JetPack 4.3)]
+
* Forum Topics: [https://devtalk.nvidia.com/default/topic/1049293/#5326170 v1.4] | [https://forums.developer.nvidia.com/t/i-was-unable-to-compile-and-install-mxnet1-5-with-tensorrt-on-the-jetson-nano-is-there-someone-have-compile-it-please-help-me-thank-you/111303/3 v1.6] | [https://forums.developer.nvidia.com/t/i-was-unable-to-compile-and-install-mxnet1-5-with-tensorrt-on-the-jetson-nano-is-there-someone-have-compile-it-please-help-me-thank-you/111303/27 v1.7]
* Build from Source: [https://devtalk.nvidia.com/default/topic/1049293/#5326119 https://devtalk.nvidia.com/default/topic/1049293/#5326119]
+
* Build from Source: [https://forums.developer.nvidia.com/t/i-was-unable-to-compile-and-install-mxnet-on-the-jetson-nano-is-there-an-official-installation-tutorial/72259/8 v1.6] | [https://forums.developer.nvidia.com/t/i-was-unable-to-compile-and-install-mxnet1-5-with-tensorrt-on-the-jetson-nano-is-there-someone-have-compile-it-please-help-me-thank-you/111303/27 v1.7]
 +
 
 +
'''MXNet 1.7 Install Instructions:'''
 +
 
 +
<source lang="bash">
 +
$ wget https://raw.githubusercontent.com/AastaNV/JEP/master/MXNET/autoinstall_mxnet.sh
 +
$ sudo chmod +x autoinstall_mxnet.sh
 +
$ ./autoinstall_mxnet.sh <Nano/TX1/TX2/Xavier>
 +
</source>
  
 +
'''MXNet 1.4 / 1.6 Install Instructions:'''
 
<source lang="bash">
 
<source lang="bash">
 
# Python 2.7
 
# Python 2.7
Line 169: Line 333:
 
* Website:  [https://developer.nvidia.com/embedded/twodaystoademo https://developer.nvidia.com/embedded/twodaystoademo]
 
* Website:  [https://developer.nvidia.com/embedded/twodaystoademo https://developer.nvidia.com/embedded/twodaystoademo]
 
* Source:  [https://github.com/dusty-nv/jetson-inference https://github.com/dusty-nv/jetson-inference]
 
* Source:  [https://github.com/dusty-nv/jetson-inference https://github.com/dusty-nv/jetson-inference]
* Supports:  Jetson Nano, TX1, TX2, Xavier
+
* Supports:  Jetson Nano, TX1, TX2, Xavier NX, AGX Xavier, AGX Orin
* Build from Source:
+
* [https://github.com/dusty-nv/jetson-inference/blob/master/docs/aux-docker.md Run the Container]
 +
 
 +
<source lang="bash">
 +
$ git clone --recursive https://github.com/dusty-nv/jetson-inference
 +
$ cd jetson-inference
 +
$ docker/run.sh
 +
</source>
 +
 
 +
* [https://github.com/dusty-nv/jetson-inference/blob/master/docs/building-repo-2.md Build from Source]
  
 
<source lang="bash">
 
<source lang="bash">
Line 258: Line 430:
 
|-
 
|-
 
| YOLO-v3 || [http://cocodataset.org COCO] || 608x608 || 80 || Darknet || <code>Custom</code> || {{Yes}} || [https://github.com/NVIDIA-AI-IOT/deepstream_reference_apps/tree/restructure/yolo#trt-yolo-app trt-yolo-app] || [https://pjreddie.com/darknet/yolo/ YOLO]
 
| YOLO-v3 || [http://cocodataset.org COCO] || 608x608 || 80 || Darknet || <code>Custom</code> || {{Yes}} || [https://github.com/NVIDIA-AI-IOT/deepstream_reference_apps/tree/restructure/yolo#trt-yolo-app trt-yolo-app] || [https://pjreddie.com/darknet/yolo/ YOLO]
 +
|-
 +
| YOLO-v4 || [http://cocodataset.org COCO] || 608x608 || 80 || Darknet || <code>Custom</code> || {{Yes}} || [https://jkjung-avt.github.io/tensorrt-yolov4/ tensorrt-yolov4] || [https://pjreddie.com/darknet/yolo/ YOLO]
 
|-
 
|-
 
| Tiny YOLO-v3 || [http://cocodataset.org COCO] || 416x416 || 80 || Darknet || <code>Custom</code> || {{Yes}} || [https://github.com/NVIDIA-AI-IOT/deepstream_reference_apps/tree/restructure/yolo#trt-yolo-app trt-yolo-app] || [https://pjreddie.com/darknet/yolo/ YOLO]
 
| Tiny YOLO-v3 || [http://cocodataset.org COCO] || 416x416 || 80 || Darknet || <code>Custom</code> || {{Yes}} || [https://github.com/NVIDIA-AI-IOT/deepstream_reference_apps/tree/restructure/yolo#trt-yolo-app trt-yolo-app] || [https://pjreddie.com/darknet/yolo/ YOLO]
 
|-
 
|-
 
| Tiny YOLO-v3 || [http://cocodataset.org COCO] || 416x416 || 80 || Darknet || <code>Custom</code> || {{Yes}} || [https://github.com/NVIDIA-AI-IOT/deepstream_reference_apps/tree/restructure/yolo#trt-yolo-app trt-yolo-app] || [https://pjreddie.com/darknet/yolo/ YOLO]
 
| Tiny YOLO-v3 || [http://cocodataset.org COCO] || 416x416 || 80 || Darknet || <code>Custom</code> || {{Yes}} || [https://github.com/NVIDIA-AI-IOT/deepstream_reference_apps/tree/restructure/yolo#trt-yolo-app trt-yolo-app] || [https://pjreddie.com/darknet/yolo/ YOLO]
 +
|-
 +
| Tiny YOLO-v4 || [http://cocodataset.org COCO] || 416x416 || 80 || Darknet || <code>Custom</code> || {{Yes}} || [https://jkjung-avt.github.io/tensorrt-yolov4/ tensorrt-yolov4] || [https://pjreddie.com/darknet/yolo/ YOLO]
 
|-
 
|-
 
| Faster-RCNN || [http://host.robots.ox.ac.uk/pascal/VOC/ Pascal VOC] || 500x375 || 21 || Caffe || <code>caffemodel</code> || {{Yes}} || [https://docs.nvidia.com/deeplearning/sdk/tensorrt-sample-support-guide/index.html#fasterrcnn_sample TensorRT sample] || [https://github.com/rbgirshick/py-faster-rcnn GitHub]
 
| Faster-RCNN || [http://host.robots.ox.ac.uk/pascal/VOC/ Pascal VOC] || 500x375 || 21 || Caffe || <code>caffemodel</code> || {{Yes}} || [https://docs.nvidia.com/deeplearning/sdk/tensorrt-sample-support-guide/index.html#fasterrcnn_sample TensorRT sample] || [https://github.com/rbgirshick/py-faster-rcnn GitHub]
Line 338: Line 514:
 
* Website:  [https://opencv.org/ https://opencv.org/]
 
* Website:  [https://opencv.org/ https://opencv.org/]
 
* Source:  [https://github.com/opencv/opencv https://github.com/opencv/opencv]
 
* Source:  [https://github.com/opencv/opencv https://github.com/opencv/opencv]
* Version:  3.3.1 (JetPack <= 4.2.x), 4.1 (JetPack 4.3, JetPack 4.4)
+
* Version:  3.3.1 (JetPack <= 4.2.x), 4.1.1 (JetPack 4.3, JetPack 4.4, JetPack 4.5)
* Supports:  Jetson Nano / TX1 / TX2 / Xavier
+
* Supports:  Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier / AGX Orin
  
 
* OpenCV is included with JetPack, compiled with support for GStreamer.  To build a newer version or to enable CUDA support, see these guides:
 
* OpenCV is included with JetPack, compiled with support for GStreamer.  To build a newer version or to enable CUDA support, see these guides:
Line 353: Line 529:
 
* Website:  [http://ros.org/ http://ros.org/]
 
* Website:  [http://ros.org/ http://ros.org/]
 
* Source:  [https://github.com/ros https://github.com/ros]
 
* Source:  [https://github.com/ros https://github.com/ros]
* Version:  ROS Melodic
+
* Version:  ROS Melodic, ROS Noetic, ROS2 Eloquent, ROS2 Foxy, ROS2 Galactic, ROS2 Humble
* Supports:  JetPack 4.2.x, JetPack 4.3 (Jetson Nano / TX1 / TX2 / Xavier)
+
* Supports:  JetPack >= 4.2 (Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier / AGX Orin)
 
* Installation:  [http://wiki.ros.org/melodic/Installation/Ubuntu http://wiki.ros.org/melodic/Installation/Ubuntu]
 
* Installation:  [http://wiki.ros.org/melodic/Installation/Ubuntu http://wiki.ros.org/melodic/Installation/Ubuntu]
 +
* Containers: [https://github.com/dusty-nv/jetson-containers#pre-built-container-images https://github.com/dusty-nv/jetson-containers]
  
 
<source lang="bash">
 
<source lang="bash">
# enable all Ubuntu packages:
+
# install ROS Melodic
 
$ sudo apt-add-repository universe
 
$ sudo apt-add-repository universe
 
$ sudo apt-add-repository multiverse
 
$ sudo apt-add-repository multiverse
Line 374: Line 551:
 
sudo sh -c 'echo "source /opt/ros/melodic/setup.bash" >> ~/.bashrc'
 
sudo sh -c 'echo "source /opt/ros/melodic/setup.bash" >> ~/.bashrc'
 
</source>
 
</source>
 +
 +
You can also find various resources, libraries, and extra NVIDIA packages for ROS2 at https://nvidia-ai-iot.github.io/ros2_jetson/
  
 
== NVIDIA Isaac SDK ==
 
== NVIDIA Isaac SDK ==
Line 380: Line 559:
  
 
* Website:  [https://developer.nvidia.com/isaac-sdk https://developer.nvidia.com/isaac-sdk]
 
* Website:  [https://developer.nvidia.com/isaac-sdk https://developer.nvidia.com/isaac-sdk]
* Version:  2019.2, 2019.3
+
* Version:  2019.2, 2019.3, 2020.1, 2020.2
* Supports:  JetPack 4.2.x, JetPack 4.3 (Jetson Nano / TX2 / Xavier)
+
* Supports:  JetPack 4.2.x, JetPack 4.3, JetPack 4.4 (Jetson Nano / TX2 / Xavier)
 
* Downloads: [https://developer.nvidia.com/isaac/downloads https://developer.nvidia.com/isaac/downloads]
 
* Downloads: [https://developer.nvidia.com/isaac/downloads https://developer.nvidia.com/isaac/downloads]
 
* Documentation:  [https://docs.nvidia.com/isaac https://docs.nvidia.com/isaac]
 
* Documentation:  [https://docs.nvidia.com/isaac https://docs.nvidia.com/isaac]
Line 387: Line 566:
 
=== Isaac SIM ===
 
=== Isaac SIM ===
  
* Downloads: [https://developer.nvidia.com/isaac/downloads https://developer.nvidia.com/isaac/downloads]
+
* Website: [https://developer.nvidia.com/isaac-sdk https://developer.nvidia.com/isaac-sdk]
 
* Documentation:  [http://docs.nvidia.com/isaac/isaac_sim/index.html http://docs.nvidia.com/isaac/isaac_sim/index.html]
 
* Documentation:  [http://docs.nvidia.com/isaac/isaac_sim/index.html http://docs.nvidia.com/isaac/isaac_sim/index.html]
  
Line 398: Line 577:
 
* Source:  [https://github.com/aws/aws-greengrass-core-sdk-c https://github.com/aws/aws-greengrass-core-sdk-c]
 
* Source:  [https://github.com/aws/aws-greengrass-core-sdk-c https://github.com/aws/aws-greengrass-core-sdk-c]
 
* Version:  v1.9.1
 
* Version:  v1.9.1
* Supports:  JetPack 4.2.x, JetPack 4.3 (Jetson Nano / TX1 / TX2 / Xavier)
+
* Supports:  JetPack 4.2.x, JetPack 4.3, JetPack 4.4 (Jetson Nano / TX1 / TX2 / Xavier)
 
* Forum Thread:  [https://devtalk.nvidia.com/default/topic/1052324/jetson-nano/jetson-nano-aws-greengrass-/post/5341970/#5341970 https://devtalk.nvidia.com/default/topic/1052324/#5341970]
 
* Forum Thread:  [https://devtalk.nvidia.com/default/topic/1052324/jetson-nano/jetson-nano-aws-greengrass-/post/5341970/#5341970 https://devtalk.nvidia.com/default/topic/1052324/#5341970]
  
Line 438: Line 617:
  
 
* Website:  [https://developer.nvidia.com/deepstream-sdk https://developer.nvidia.com/deepstream-sdk]
 
* Website:  [https://developer.nvidia.com/deepstream-sdk https://developer.nvidia.com/deepstream-sdk]
* Version:  5.0 (Developer Preview)
+
* Version:  5.0
* Supports:  JetPack 4.2.x, JetPack 4.3, JetPack 4.4 (Jetson Nano / TX1 / TX2 / Xavier)
+
* Supports:  JetPack >= 4.2 (Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier)
 
* FAQ:  [https://developer.nvidia.com/deepstream-faq https://developer.nvidia.com/deepstream-faq]
 
* FAQ:  [https://developer.nvidia.com/deepstream-faq https://developer.nvidia.com/deepstream-faq]
 
* GitHub Samples:
 
* GitHub Samples:
Line 454: Line 633:
 
* Source:  [https://github.com/docker https://github.com/docker]
 
* Source:  [https://github.com/docker https://github.com/docker]
 
* Version:  18.06
 
* Version:  18.06
* Support:  ≥ JetPack 3.2 (Jetson Nano / TX1 / TX2 / Xavier)
+
* Support:  ≥ JetPack 3.2 (Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier)
 
* Installed by default in JetPack-L4T
 
* Installed by default in JetPack-L4T
  
To enable GPU passthrough, enable access to these device nodes with the <code>--device</code> flag when launching Docker containers:
+
Launch your container with <code>--runtime nvidia</code> to enable GPU-passthrough.
 
+
Launch your container with <code>--volume /tmp/argus_socket:/tmp/argus_socket</code> to enable access to MIPI CSI cameras.
<source lang="bash">
 
/dev/nvhost-ctrl
 
/dev/nvhost-ctrl-gpu
 
/dev/nvhost-prof-gpu
 
/dev/nvmap
 
/dev/nvhost-gpu
 
/dev/nvhost-as-gpu
 
</source>
 
 
 
The <code>/usr/lib/aarch64-linux-gnu/tegra</code> directory also needs mounted.
 
  
Below is an example command line for launching Docker with access to the GPU:
+
See [https://github.com/NVIDIA/nvidia-docker/wiki/NVIDIA-Container-Runtime-on-Jetson https://github.com/NVIDIA/nvidia-docker/wiki/NVIDIA-Container-Runtime-on-Jetson] for more documentation on using Docker on Jetson.
 
 
<source lang="bash">
 
docker run --device=/dev/nvhost-ctrl --device=/dev/nvhost-ctrl-gpu --device=/dev/nvhost-prof-gpu --device=/dev/nvmap --device=/dev/nvhost-gpu --device=/dev/nvhost-as-gpu -v /usr/lib/aarch64-linux-gnu/tegra:/usr/lib/aarch64-linux-gnu/tegra <container-name>
 
</source>
 
  
 
To enable IPVLAN for Docker Swarm mode:  [https://blog.hypriot.com/post/nvidia-jetson-nano-build-kernel-docker-optimized/ https://blog.hypriot.com/post/nvidia-jetson-nano-build-kernel-docker-optimized/]
 
To enable IPVLAN for Docker Swarm mode:  [https://blog.hypriot.com/post/nvidia-jetson-nano-build-kernel-docker-optimized/ https://blog.hypriot.com/post/nvidia-jetson-nano-build-kernel-docker-optimized/]
Line 483: Line 648:
 
* Website:  [https://kubernetes.io/ https://kubernetes.io/]
 
* Website:  [https://kubernetes.io/ https://kubernetes.io/]
 
* Source:  [https://github.com/kubernetes/ https://github.com/kubernetes/]
 
* Source:  [https://github.com/kubernetes/ https://github.com/kubernetes/]
* Support:  ≥ JetPack 3.2 (Jetson Nano / TX1 / TX2 / Xavier)
+
* Support:  ≥ JetPack 3.2 (Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier)
 
* Distributions:
 
* Distributions:
 
** [https://microk8s.io/docs/ MicroK8s] (v1.14) {{spaces|1}} <code>$ sudo snap install microk8s --classic</code>
 
** [https://microk8s.io/docs/ MicroK8s] (v1.14) {{spaces|1}} <code>$ sudo snap install microk8s --classic</code>

Latest revision as of 21:21, 8 March 2024

This page contains instructions for installing various open source add-on packages and frameworks on NVIDIA Jetson, in addition to a collection of DNN models for inferencing.

Below are links to container images and precompiled binaries built for aarch64 (arm64) architecture. These are intended to be installed on top of JetPack.

Note that JetPack comes with various pre-installed components such as the L4T kernel, CUDA Toolkit, cuDNN, TensorRT, VisionWorks, OpenCV, GStreamer, Docker, and more.

Machine Learning

Jetson is able to natively run the full versions of popular machine learning frameworks, including TensorFlow, PyTorch, Caffe2, Keras, and MXNet.

There are also helpful deep learning examples and tutorials available, created specifically for Jetson - like Hello AI World and JetBot.

Jetson AI Lab

JON Gen-AI-panels.png

The Jetson AI Lab features tutorials on LLMs, Vision Transformers (ViT), Vision Language Models (VLM), Multimodal Vector Databases, and more!

NVIDIA-Jetson-Generative-AI-Lab.png

Docker Containers

NGC containers.png

There are many ready-to-use containers and Dockerfiles for Jetson and JetPack on the jetson-containers GitHub repo.

  • l4t-tensorflow - TensorFlow for JetPack 4.4 (and newer)
  • l4t-pytorch - PyTorch for JetPack 4.4 (and newer)
  • l4t-ml - TensorFlow, PyTorch, scikit-learn, scipy, pandas, JupyterLab, ect.

In addition, you can find containers there for ROS/ROS2, language models, vision transformers, and more.

For the latest tutorials on generative AI, see the Jetson Generative AI Playground


TensorFlow

TensorFlow Logo.png
TensorFlow 1.x TensorFlow 2.x
JetPack 6.0 2.14 pip wheel
JetPack 5.1 1.15.5 pip wheel 2.11 pip wheel
JetPack 5.0 1.15.5 pip wheel 2.8 pip wheel
JetPack 4.6 1.15.5 pip wheel 2.5 pip wheel
JetPack 4.5 1.15.5 pip wheel 2.5 pip wheel
JetPack 4.4.1 1.15.3 pip wheel 2.3 pip wheel
JetPack 4.4 1.15.2 pip wheel 2.2 pip wheel
JetPack 4.4 DP 1.15.2 pip wheel 2.1 pip wheel
JetPack 4.3 1.15.2 pip wheel 2.1 pip wheel
# install prerequisites
$ sudo apt-get install libhdf5-serial-dev hdf5-tools libhdf5-dev zlib1g-dev zip libjpeg8-dev liblapack-dev libblas-dev gfortran

# install and upgrade pip3
$ sudo apt-get install python3-pip
$ sudo pip3 install -U pip testresources setuptools=49.6.0 

# install the following python packages
$ sudo pip3 install -U numpy==1.19.4 future==0.18.2 mock==3.0.5 h5py==2.10.0 keras_preprocessing==1.1.1 keras_applications==1.0.8 gast==0.2.2 futures protobuf pybind11

# to install TensorFlow 1.15 for JetPack 4.6:
$ sudo pip3 install --pre --extra-index-url https://developer.download.nvidia.com/compute/redist/jp/v46 'tensorflow<2'

# or install the latest version of TensorFlow (2.x) for JetPack 4.6:
$ sudo pip3 install --pre --extra-index-url https://developer.download.nvidia.com/compute/redist/jp/v46 tensorflow

# or install the latest version of TensorFlow (2.x) for JetPack 5.0:
$ sudo pip3 install --pre --extra-index-url https://developer.download.nvidia.com/compute/redist/jp/v50 tensorflow

PyTorch (Caffe2)

PyTorch Logo.png

       JetPack 6.0

Python 3.10
v2.1.0 pip wheel
v2.2.0 pip wheel

       JetPack 5.1

Python 3.8
v1.14.0 pip wheel
v2.0.0 pip wheel
v2.1.0 pip wheel

       JetPack 5.0

Python 3.8
v1.11.0 pip wheel
v1.12.0 pip wheel
v1.13.0 pip wheel

       JetPack 4.4 / 4.4.1 / 4.5 / 4.5.1 / 4.6

Python 3.6
v1.6.0 pip wheel
v1.7.0 pip wheel
v1.8.0 pip wheel
v1.9.0 pip wheel
v1.10.0 pip wheel

       JetPack 4.4 Developer Preview

Python 2.7 Python 3.6
v1.2.0 pip wheel pip wheel
v1.3.0 pip wheel pip wheel
v1.4.0 pip wheel pip wheel
v1.5.0 pip wheel

       JetPack 4.2 / 4.3

Python 2.7 Python 3.6
v1.0.0 pip wheel pip wheel
v1.1.0 pip wheel pip wheel
v1.2.0 pip wheel pip wheel
v1.3.0 pip wheel pip wheel
v1.4.0 pip wheel pip wheel
  • As per the PyTorch Release Notes, Python 2 is not longer supported as of PyTorch v1.5 and newer.
  • Supports: JetPack >= 4.2 (Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier / AGX Orin)

note — the PyTorch and Caffe2 projects have merged, so installing PyTorch will also install Caffe2

# Python 2.7 (download pip wheel from above)
$ sudo apt-get install libopenblas-base libopenmpi-dev
$ pip install future torch-1.4.0-cp27-cp27mu-linux_aarch64.whl

# Python 3.6 (download pip wheel from above)
$ sudo apt-get install libopenblas-base libopenmpi-dev libomp-dev python3-pip
$ pip3 install Cython
$ pip3 install numpy torch-1.6.0-cp36-cp36m-linux_aarch64.whl

As per the the PyTorch 1.4 Release Notes, Python 2 support is now deprecated and PyTorch 1.4 is the last version to support Python 2.

ONNX Runtime

ONNX-Runtime-logo.svg

       JetPack 4.4 / 4.4.1 / 4.5 / 4.5.1 / 4.6 / 4.6.1

Python 3.6 Python 3.7 Python 3.8 Python 3.9
onnxruntime 1.4.0 pip wheel
onnxruntime 1.5.2 pip wheel
onnxruntime 1.6.0 pip wheel pip wheel pip wheel
onnxruntime 1.7.0 pip wheel pip wheel pip wheel pip wheel
onnxruntime 1.8.0 pip wheel pip wheel pip wheel pip wheel
onnxruntime 1.9.0 pip wheel pip wheel pip wheel pip wheel
onnxruntime 1.10.0 pip wheel pip wheel pip wheel pip wheel
onnxruntime 1.11.0 pip wheel pip wheel pip wheel pip wheel

       JetPack 5.0

Python 3.7 Python 3.8 Python 3.9 Python 3.10
onnxruntime 1.12.1 pip wheel pip wheel pip wheel pip wheel

       JetPack 5.1.1

Python 3.8 Python 3.9 Python 3.10 Python 3.11
onnxruntime 1.15.1 pip wheel pip wheel pip wheel pip wheel
onnxruntime 1.16.0 pip wheel pip wheel pip wheel pip wheel

       JetPack 5.1.2

Python 3.8 Python 3.9 Python 3.10 Python 3.11
onnxruntime 1.17.0 pip wheel pip wheel pip wheel pip wheel

       JetPack 6.0

Python 3.8 Python 3.9 Python 3.10 Python 3.11 Python 3.12
onnxruntime 1.17.0 pip wheel pip wheel pip wheel pip wheel pip wheel
  • Supports: JetPack >= 4.4 (Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier / AGX Orin)
  • Forum Support: https://github.com/microsoft/onnxruntime
  • Build from Source: Refer to these instructions
  • ONNX Runtime 1.10.0 Install instructions
# Download pip wheel from location above for your version of JetPack
$ wget https://nvidia.box.com/shared/static/iizg3ggrtdkqawkmebbfixo7sce6j365.whl -O onnxruntime_gpu-1.16.0-cp38-cp38-linux_aarch64.whl

# Install pip wheel
$ pip3 install onnxruntime_gpu-1.16.0-cp38-cp38-linux_aarch64.whl

MXNet

MXNet Logo.png
Python 2.7 Python 3.6
v1.4 (JetPack 4.2.x) pip wheel pip wheel
v1.6 (JetPack 4.3) pip wheel pip wheel
v1.7 (JetPack 4.4) - forum post
  • Supports: JetPack >= 4.2 (Jetson Nano / TX1 / TX2 / Xavier NX / AGX Xavier)
  • Forum Topics: v1.4 | v1.6 | v1.7
  • Build from Source: v1.6 | v1.7

MXNet 1.7 Install Instructions:

$ wget https://raw.githubusercontent.com/AastaNV/JEP/master/MXNET/autoinstall_mxnet.sh
$ sudo chmod +x autoinstall_mxnet.sh
$ ./autoinstall_mxnet.sh <Nano/TX1/TX2/Xavier>

MXNet 1.4 / 1.6 Install Instructions:

# Python 2.7
sudo apt-get install -y git build-essential libatlas-base-dev libopencv-dev graphviz python-pip
sudo pip install mxnet-1.4.0-cp27-cp27mu-linux_aarch64.whl

# Python 3.6
sudo apt-get install -y git build-essential libatlas-base-dev libopencv-dev graphviz python3-pip
sudo pip install mxnet-1.4.0-cp36-cp36m-linux_aarch64.whl

Keras

Keras Logo.png

First, install TensorFlow from above.

# beforehand, install TensorFlow (https://eLinux.org/Jetson_Zoo#TensorFlow)
$ sudo apt-get install -y build-essential libatlas-base-dev gfortran
$ sudo pip install keras

Hello AI World

Hello-AI-World-CV.png
$ git clone --recursive https://github.com/dusty-nv/jetson-inference
$ cd jetson-inference
$ docker/run.sh
# download the repo
$ git clone --recursive https://github.com/dusty-nv/jetson-inference
$ cd jetson-inference

# configure build tree
$ mkdir build
$ cd build
$ cmake ../

# build and install
$ make -j$(nproc)
$ sudo make install
$ sudo ldconfig

Model Zoo

Below are various DNN models for inferencing on Jetson with support for TensorRT. Included are links to code samples with the model and the original source.

Note that many other models are able to run natively on Jetson by using the Machine Learning frameworks like those listed above.

For performance benchmarks, see these resources:

Classification

Network Dataset Resolution Classes Framework Format TensorRT Samples Original
AlexNet ILSVRC12 224x224 1000 Caffe caffemodel Yes Hello AI World BVLC
GoogleNet ILSVRC12 224x224 1000 Caffe caffemodel Yes Hello AI World BVLC
ResNet-18 ILSVRC15 224x224 1000 Caffe caffemodel Yes Hello AI World GitHub
ResNet-50 ILSVRC15 224x224 1000 Caffe caffemodel Yes Hello AI World GitHub
ResNet-101 ILSVRC15 224x224 1000 Caffe caffemodel Yes Hello AI World GitHub
ResNet-152 ILSVRC15 224x224 1000 Caffe caffemodel Yes Hello AI World GitHub
VGG-16 ILSVRC14 224x224 1000 Caffe caffemodel Yes Hello AI World GitHub
VGG-19 ILSVRC14 224x224 1000 Caffe caffemodel Yes Hello AI World GitHub
Inception-v4 ILSVRC12 299x299 1000 Caffe caffemodel Yes Hello AI World GitHub
Inception-v4 ILSVRC12 299x299 1000 TensorFlow TF-TRT (UFF) Yes tf_trt_models TF-slim
Mobilenet-v1 ILSVRC12 224x224 1000 TensorFlow TF-TRT (UFF) Yes tf_trt_models TF-slim

Object Detection

Network Dataset Resolution Classes Framework Format TensorRT Samples Original
SSD-Mobilenet-v1 COCO 300x300 91 TensorFlow UFF Yes Hello AI World
TRT_object_detection
TF Zoo
SSD-Mobilenet-v2 COCO 300x300 91 TensorFlow UFF Yes TF Zoo
SSD-Inception-v2 COCO 300x300 91 TensorFlow UFF Yes TF Zoo
YOLO-v2 COCO 608x608 80 Darknet Custom Yes trt-yolo-app YOLO
YOLO-v3 COCO 608x608 80 Darknet Custom Yes trt-yolo-app YOLO
YOLO-v4 COCO 608x608 80 Darknet Custom Yes tensorrt-yolov4 YOLO
Tiny YOLO-v3 COCO 416x416 80 Darknet Custom Yes trt-yolo-app YOLO
Tiny YOLO-v3 COCO 416x416 80 Darknet Custom Yes trt-yolo-app YOLO
Tiny YOLO-v4 COCO 416x416 80 Darknet Custom Yes tensorrt-yolov4 YOLO
Faster-RCNN Pascal VOC 500x375 21 Caffe caffemodel Yes TensorRT sample GitHub

Segmentation

Network Dataset Resolution Classes Framework Format TensorRT Samples Original
FCN-ResNet18 Cityscapes 2048x1024 21 PyTorch ONNX Yes Hello AI World GitHub
FCN-ResNet18 Cityscapes 1024x512 21 PyTorch ONNX Yes Hello AI World GitHub
FCN-ResNet18 Cityscapes 512x256 21 PyTorch ONNX Yes Hello AI World GitHub
FCN-ResNet18 DeepScene 864x480 5 PyTorch ONNX Yes Hello AI World GitHub
FCN-ResNet18 DeepScene 576x320 5 PyTorch ONNX Yes Hello AI World GitHub
FCN-ResNet18 DeepScene 864x480 5 PyTorch ONNX Yes Hello AI World GitHub
FCN-ResNet18 Multi-Human 640x360 21 PyTorch ONNX Yes Hello AI World GitHub
FCN-ResNet18 Multi-Human 512x320 21 PyTorch ONNX Yes Hello AI World GitHub
FCN-ResNet18 Pascal VOC 512x320 21 PyTorch ONNX Yes Hello AI World GitHub
FCN-ResNet18 Pascal VOC 320x320 21 PyTorch ONNX Yes Hello AI World GitHub
FCN-ResNet18 SUN RGB-D 640x512 21 PyTorch ONNX Yes Hello AI World GitHub
FCN-ResNet18 SUN RGB-D 512x400 21 PyTorch ONNX Yes Hello AI World GitHub
FCN-Alexnet Cityscapes 2048x1024 21 Caffe caffemodel Yes Hello AI World GitHub
FCN-Alexnet Cityscapes 1024x512 21 Caffe caffemodel Yes Hello AI World GitHub
FCN-Alexnet Pascal VOC 500x356 21 Caffe caffemodel Yes Hello AI World GitHub
U-Net Carvana 512x512 1 TensorFlow UFF Yes Nano Benchmarks GitHub

Pose Estimation

Network Dataset Resolution Classes Framework Format TensorRT Samples Original
ResNet18_att COCO 224x224 16 PyTorch torch2trt Yes trt_pose GitHub
DenseNet121_att COCO 224x224 16 PyTorch torch2trt Yes trt_pose GitHub

Computer Vision

OpenCV

OpenCV Logo.png

Robotics

ROS

Ros logo.png
# install ROS Melodic
$ sudo apt-add-repository universe
$ sudo apt-add-repository multiverse
$ sudo apt-add-repository restricted

# add ROS repository to apt sources
$ sudo sh -c 'echo "deb http://packages.ros.org/ros/ubuntu $(lsb_release -sc) main" > /etc/apt/sources.list.d/ros-latest.list'
$ sudo apt-key adv --keyserver 'hkp://keyserver.ubuntu.com:80' --recv-key C1CF6E31E6BADE8868B172B4F42ED6FBAB17C654

# install ROS Base
$ sudo apt-get update
$ sudo apt-get install ros-melodic-ros-base

# add ROS paths to environment
sudo sh -c 'echo "source /opt/ros/melodic/setup.bash" >> ~/.bashrc'

You can also find various resources, libraries, and extra NVIDIA packages for ROS2 at https://nvidia-ai-iot.github.io/ros2_jetson/

NVIDIA Isaac SDK

Isaac Gems.jpg

Isaac SIM

IoT / Edge

AWS Greengrass

Greengrass Logo.png

1. Create Greengrass user group:

$ sudo adduser --system ggc_user
$ sudo addgroup --system ggc_group

2. Setup your AWS account and Greengrass group during this page: https://docs.aws.amazon.com/greengrass/latest/developerguide/gg-config.html
    After downloading your unique security resource keys to your Jetson that were created in this step, proceed to #3 below.

3. Download the AWS IoT Greengrass Core Software (v1.9.1) for ARMv8 (aarch64):

$ wget https://d1onfpft10uf5o.cloudfront.net/greengrass-core/downloads/1.9.1/greengrass-linux-aarch64-1.9.1.tar.gz

4. Following step #4 from this page, extract Greengrass core and your unique security keys on your Jetson:

$ sudo tar -xzvf greengrass-linux-aarch64-1.9.1.tar.gz -C /
$ sudo tar -xzvf <hash>-setup.tar.gz -C /greengrass   # these are the security keys downloaded above

5. Download AWS ATS endpoint root certificate (CA):

$ cd /greengrass/certs/
$ sudo wget -O root.ca.pem https://www.amazontrust.com/repository/AmazonRootCA1.pem

6. Start Greengrass core on your Jetson:

$ cd /greengrass/ggc/core/
$ sudo ./greengrassd start

You should get a message in your terminal Greengrass sucessfully started with PID: xxx

NVIDIA DeepStream

DeepStream 30 Stream.png

Containers

Docker

Docker Logo.png

Launch your container with --runtime nvidia to enable GPU-passthrough. Launch your container with --volume /tmp/argus_socket:/tmp/argus_socket to enable access to MIPI CSI cameras.

See https://github.com/NVIDIA/nvidia-docker/wiki/NVIDIA-Container-Runtime-on-Jetson for more documentation on using Docker on Jetson.

To enable IPVLAN for Docker Swarm mode: https://blog.hypriot.com/post/nvidia-jetson-nano-build-kernel-docker-optimized/

Kubernetes

Kubernetes-Logo.png

To configure L4T kernel for K8S: https://medium.com/@jerry_liang/deploy-gpu-enabled-kubernetes-pod-on-nvidia-jetson-nano-ce738e3bcda9
See also: https://medium.com/jit-team/building-a-gpu-enabled-kubernets-cluster-for-machine-learning-with-nvidia-jetson-nano-7b67de74172a