Home

Awesome

Deep Learning Libraries Installers for ArcGIS

<div align="center"> <img src="include/included-frameworks.png" /> </div>

ArcGIS Pro, Server and the ArcGIS API for Python all include tools to use AI and Deep Learning to solve geospatial problems, such as feature extraction, pixel classification, and feature categorization. This installer includes a broad collection of components, such as PyTorch, TensorFlow, Fast.ai and scikit-learn, for performing deep learning and machine learning tasks, a total collection of 254 packages. These packages can be used with the Deep Learning Training tools, interactive object detection, by using the arcgis.learn module within the ArcGIS API for Python, and directly imported into your own scripts and tools. Most of the tools in this collection will work on any machine, but common deep learning workflows require a recent NVIDIA graphics processing unit (GPU), and problem sizes are bound by available GPU memory, see the requirements section.

This installer adds all the included packages to the default arcgispro-py3 environment that Pro and Server both ship with, and no additional environments are necessary in order to get started using the tools. If you do create custom environments, these packages will also be included so you can use the same tools in your own custom environments as well.

For an example of the kinds of workflows this installer and ArcGIS enables, see the AI & Deep Learning in the UC 2020 Plenary video

[!IMPORTANT] Ensure compatibility by matching the versions of Deep Learning Libraries and ArcGIS software. To upgrade from a previous version, begin by uninstalling both Deep Learning Libraries and your ArcGIS software, following the instructions provided below.

Download

GitHub All Releases

<details> <summary><b>Downloads for Previous Releases</b></summary> </details>

Installation

On Windows:

Once you've downloaded the archive for your product, extract the Zip file to a new location, and run the Windows Installer (e.g. ProDeepLearning.msi) on Windows. This will install the deep learning frameworks into the default arcgispro-py3 Python environment, but not any custom environments you've created prior to running this installation. After installation, subsequent clones will also include the full deep learning package set. You'll need to extract the file (not just open the .MSI from within the Zip file) or the installer won't be able to find its contents. After installation, the archive and installer files can be deleted.

On Server Linux:

Extract the .tar.gz archive, e.g. with tar xvf <file>.tar.gz, then run the DeepLearning-Setup.sh script. For Server 10.9 and earlier, this would create a package set inside of the Server runtime environment. Starting at Server 10.9.1, this installation creates a new deeplearning environment located in <Server Install>/framework/runtime/deeplearning and the deep learning packages are all native Linux implementations. Next, please uncomment and update the ARCGIS_CONDA_DEEPLEARNING variable in the <Server Install>/arcgis/server/usr/init_user_param.sh file and restart your ArcGIS Server.

Upgrading From a Previous Version:

If you're upgrading from a previous release, the safest way to upgrade is to uninstall and reinstall both the product and the deep learning installer. For example, to upgrade from Pro 3.2 to Pro 3.3:

  1. Uninstall Deep Learning Libraries for ArcGIS Pro 3.2
  2. Uninstall ArcGIS Pro 3.2
  3. Directly remove any files still present in C:\Program Files\ArcGIS\Pro\bin\Python\envs\arcgispro-py3 or equivalent location for your installation. These may have been left over from previously modified environment.
  4. Install ArcGIS Pro 3.3
  5. Install ArcGIS Pro 3.3 Deep Learning downloaded from this site.

After these steps, you should have a clean Pro installation with the Deep Learning package set included in the default arcgispro-py3 environment.

Manual Installation:

<details> <summary>You can install the libraries manually using these archived instructions:</summary> </details>

Developer install steps

:warning:Following these steps will install an uncertified package set
:information_source:Make sure to clone the default Python environment to backup your install (see below)
<details> <summary>You can install the deep learning libraries from a command prompt using these steps:</summary>
  1. Open the Python Command Prompt window.
    • You can search for this command prompt in the Start menu on Windows, or you can launch it from the product's install folder.
    • If running an enterprise product search for the Python Command Prompt 3
  2. Clone the default Python environment with this command: (don't forget the --pinned!)

    `conda create -n your-clone-name --clone arcgispro-py3 --pinned

  3. When the Python environment has been cloned, activate the cloned environment:

    activate your-clone-name

    • When the cloned enviornment is activated, the new environment name appears at the beginning of the path:

    (your-clone-name) C:\Program Files\ArcGIS\Pro\bin\Python\envs>

  4. Install the deep learning essentials libraries into your cloned environment with:

    conda install deep-learning-essentials

    • When prompted to proceed, review the information, type y, and press Enter
    • If the packages install successfully your cloned enviornment is now setup to run deep learning workflows
  5. Type the following command to swap your product's default enviornment to your new cloned environment:

    proswap your-clone-name

    • When you next launch your product it will launch with your-clone-name as the active Python Environment and you should now be able to use deep learning tools
  6. If you run into any issues please contact Esri Technical Support
</details>

Additional Installation for Disconnected Environment

If you will be working in a disconnected environment, download the required metapackage packages from the links below and follow the instructions under the Steps to Install listed on the package's page. The packages place backbones for deep learning models in the specified install location, eliminating the need for internet access when training deep learning models in ArcGIS.

Backbones packages
ArcGIS Deep Learning Backbones package
ArcGIS Timm Deep Learning Backbones Part 1 v1.0.0 package
ArcGIS Timm Deep Learning Backbones Part 2 v1.0.0 package
ArcGIS Timm Deep Learning Backbones Part 3 v1.0.0 package
ArcGIS Timm Deep Learning Backbones Part 4 v1.0.0 package
ArcGIS SAM Backbones 1.0.0 package
ArcGIS Mistral Backbone package
ArcGIS Polygon Segmentation Postprocessing Backbone

Next Steps

Once you've installed the deep learning libraries, you can use the Deep Learning Tools to train geospatial deep learning models. You can also find out more about the capabilities of the arcgis.learn module which provides specialized access to many geospatial models beyond those directly available as Geoprocessing tools. Finally, you can add any of the above libraries to your own workflows, by importing the packages listed below.

A collection of recent User Conference 2020 Technical Workshops on Deep Learning:

Requirements

Most of the packages included in the Deep Learning Libraries installer will work out of the box on any machine configuration. For example, PyTorch optionally can take advantage of a GPU, but will fall back to running its calculations on the CPU if a GPU is not available. However, GPU computation is significantly faster, and some packages such as TensorFlow in this distribution only will work with a supported GPU. CUDA, or Compute Unified Device Architecture, is a general purpose computing platform for GPUs, a requirement for current GPU backed deep learning tools.

GPU requirementSupported
GPU TypeNVIDIA with CUDA Compute Capability 5.0 minimum, 6.1 or later recommended. See the list of CUDA-enabled cards to determine the compute capability of a GPU.
GPU driverNVIDIA GPU drivers — version 527.41 or higher is required.
Dedicated graphics memory <sup></sup>minimum: 4GB <br />recommended: 8GB or more, depending on the deep learning model architecture and the batch size being used

† GPU memory, unlike system memory, cannot be accessed 'virtually'. If a model training consumes more GPU memory than you have available, it will fail. GPU memory is also shared across all uses of the machine, so open Pro projects with maps and other applications can limit the available memory for use with these tools.

:information_source: An out-of-date GPU driver will cause deep learning tools to fail with runtime errors indicating that CUDA is not installed or an unsupported toolchain is present. Verify that you have up-to-date GPU drivers directly provided by NVIDIA.

Tool Requirements

Geoprocessing tools using deep learning are integrated into multiple areas of the software, and require the related extensions installed to function:

ToolsExtension
Model training, inferencing and explorationImage Analyst
Point cloud classification3D Analyst
AutoML and text analysisAdvanced, no extension required

Manifest of included packages

Library NameVersionDescription
absl-py2.1.0Abseil Python Common Libraries
addict3.4.0Provides a dictionary whose items can be set using both attribute and item syntax
affine2.3.0Matrices describing affine transformation of the plane
aiohttp3.9.5Async http client/server framework (asyncio)
aiosignal1.2.0A list of registered asynchronous callbacks
albumentations1.0.3Fast and flexible image augmentation library
alembic1.8.1A database migration tool for SQLAlchemy
annotated-types0.6.0Reusable constraint types to use with typing.Annotated
aom3.6.0Alliance for Open Media video codec
astunparse1.6.3An AST unparser for Python
atomicwrites1.4.0Atomic file writes for Python
blosc1.21.3A blocking, shuffling and loss-less compression library that can be faster than memcpy()
boost1.82.0Boost provides peer-reviewed portable C++ source libraries
branca0.6.0Generate rich HTML + JS elements from Python
bzip21.0.8High-quality data compressor
cairo1.16.0A 2D graphics library with support for multiple output devices
catalogue2.0.10Super lightweight function registries for your library
catboost1.2.3Gradient boosting on decision trees library
category_encoders2.2.2A collection sklearn transformers to encode categorical variables as numeric
ccimport0.4.2Fast C++ Python binding
charls2.2.0CharLS, a C++ JPEG-LS library implementation
click-plugins1.1.1An extension module for click to enable registering CLI commands via setuptools entry-points
cliff3.8.0Command Line Interface Formulation Framework
cligj0.7.2Click params for commmand line interfaces to GeoJSON
cloudpathlib0.16.0pathlib.Path-style classes for interacting with files in different cloud storage services.
cmaes0.8.2Blackbox optimization with the Covariance Matrix Adaptation Evolution Strategy
cmd22.4.3A tool for building interactive command line apps
coloredlogs15.0.1Colored terminal output for Python's logging module
colorlog5.0.1Log formatting with colors!
colour0.1.5Python color representations manipulation library (RGB, HSL, web, ...)
confection0.1.4The sweetest config system for Python
cudatoolkit11.8.0NVIDIA's CUDA toolkit
cudnn8.7.0.84NVIDIA's cuDNN deep neural network acceleration library
cumm0.4.11CUda Matrix Multiply library
cymem2.0.6Manage calls to calloc/free through Cython
cython3.0.10The Cython compiler for writing C extensions for the Python language
cython-blis0.7.9Fast matrix-multiplication as a self-contained Python library – no system dependencies!
datasets2.16.1HuggingFace/Datasets is an open library of NLP datasets.
dav1d1.2.1The fastest AV1 decoder on all platforms
deep-learning-essentials3.3Expansive collection of deep learning packages
descartes1.1.0Use geometric objects as matplotlib paths and patches
detreg1.0.0PyTorch Wrapper for CUDA Functions of Multi-Scale Deformable Attention
dill0.3.7Serialize all of python (almost)
dm-tree0.1.7A library for working with nested data structures
dtreeviz1.3.7Decision tree visualization
einops0.7.0A new flavor of deep learning operations
ensemble-boxes1.0.8Methods for ensembling boxes from object detection models
expat2.6.0Expat XML parser library in C
fairlearn0.8.0Simple and easy fairness assessment and unfairness mitigation
fastai1.0.63fastai makes deep learning with PyTorch faster, more accurate, and easier
fastprogress0.2.3A fast and simple progress bar for Jupyter Notebook and console
fasttext0.9.2Efficient text classification and representation learning
ffmpeg6.1.1Cross-platform solution to record, convert and stream audio and video
filelock3.13.1A platform independent file lock
fiona1.9.5OGR's neat, nimble, no-nonsense API for Python programmers
fire0.4.0A library for creating CLIs from absolutely any Python object
folium0.14.0Make beautiful maps with Leaflet.js and Python
fontconfig2.14.1A library for configuring and customizing font access
fribidi1.0.10The Free Implementation of the Unicode Bidirectional Algorithm
frozenlist1.4.0A list-like structure which implements collections.abc.MutableSequence
gast0.5.3Python AST that abstracts the underlying Python version
gdown4.7.1Download large files from Google Drive.
geopandas0.14.1Geographic pandas extensions, base package
geopandas-base0.14.1Geographic pandas extensions, metapackage
geos3.12.1A C++ port of the Java Topology Suite (JTS)
getopt-win320.1A port of getopt for Visual C++
gflags2.2.2A C++ library that implements commandline flags processing
giflib5.2.1Library for reading and writing gif images
glib2.78.4Provides core application building blocks for libraries and applications written in C
glib-tools2.78.4Provides core application building blocks for libraries and applications written in C, command line tools
google-auth2.29.0Google authentication library for Python
google-auth-oauthlib0.5.2Google Authentication Library, oauthlib integration with google-auth
google-pasta0.2.0pasta is an AST-based Python refactoring library
gputil1.4.0NVIDIA GPU status from Python
graphite21.3.14A "smart font" system that handles the complexities of lesser-known languages of the world
graphviz8.1.0Open Source graph visualization software
groundingdino-py0.4.0open-set object detector
grpcio1.46.3HTTP/2-based RPC framework
gts0.7.6GNU Triangulated Surface Library
h3-py3.7.6H3 Hexagonal Hierarchical Geospatial Indexing System
harfbuzz4.3.0An OpenType text shaping engine
huggingface_hub0.20.3Client library to download and publish models on the huggingface.co hub
humanfriendly10.0Human friendly output for text interfaces using Python
icu68.1International Components for Unicode
imagecodecs2023.1.23Image transformation, compression, and decompression codecs
imageio2.33.1A Python library for reading and writing image data
imgaug0.4.0Image augmentation for machine learning experiments
inplace-abn1.1.0In-Place Activated BatchNorm
joblib1.4.0Python function as pipeline jobs
js2py0.74JavaScript to Python Translator & JavaScript interpreter written in 100% pure Python.
jxrlib1.1jxrlib - JPEG XR Library by Microsoft, built from Debian hosted sources.
keras2.13.1Deep Learning Library for Theano and TensorFlow
langcodes3.3.0Labels and compares human languages in a standardized way
lark1.1.2a modern parsing library
laspy1.7.1A Python library for reading, modifying and creating LAS files
lazy_loader0.3Easily load subpackages and functions on demand
lcms22.12The Little color management system
lerc3.0Limited Error Raster Compression
libaec1.0.4Adaptive entropy coding library
libavif0.11.1A friendly, portable C implementation of the AV1 Image File Format
libboost1.82.0Free peer-reviewed portable C++ source libraries
libclang14.0.6Development headers and libraries for the Clang compiler
libclang1314.0.6Development headers and libraries for the Clang compiler
libcurl8.6.0Tool and library for transferring data with URL syntax
libffi3.4.4Portable foreign-function interface library
libgd2.3.3Library for the dynamic creation of images
libglib2.78.4Provides core application building blocks for libraries and applications written in C
libiconv1.16Convert text between different encodings
libnghttp21.59.0HTTP/2 C library
libopencv4.8.1Computer vision and machine learning software library
libspatialindex1.9.3Extensible framework for robust spatial indexing
libsrt1.4.4Secure, Reliable Transport
libuv1.40.0Cross-platform asynchronous I/O
libwebp1.3.2WebP image library
libwebp-base1.3.2WebP image library, minimal base library
libxgboost2.0.3eXtreme Gradient Boosting
libzopfli1.0.3A compression library for very good but slow deflate or zlib compression
lightgbm4.3.0LightGBM is a gradient boosting framework that uses tree based learning algorithms
llvmlite0.42.0A lightweight LLVM python binding for writing JIT compilers
mako1.2.3Template library written in Python
mapclassify2.5.0Classification schemes for choropleth maps
markdown3.4.1Python implementation of Markdown
markdown-it-py2.2.0Python port of markdown-it. Markdown parsing, done right!
mdurl0.1.0URL utilities for markdown-it-py parser
mljar-supervised0.11.2Automated Machine Learning Pipeline with Feature Engineering and Hyper-Parameters Tuning
mmcv2.0.1OpenMMLab Computer Vision Foundation
mmdet3.1.0OpenMMLab Detection Toolbox and Benchmark
mmdet3d1.2.0Next generation platform for general 3D object detection
mmengine0.8.5Engine of OpenMMLab projects
mmsegmentation1.1.2semantic segmentation toolbox and benchmark
motmetrics1.1.3Benchmark multiple object trackers (MOT) in Python
multidict6.0.4Key-value pairs where keys are sorted and can reoccur
multiprocess0.70.15better multiprocessing and multithreading in python
munch2.5.0A dot-accessible dictionary (a la JavaScript objects)
murmurhash1.0.7A non-cryptographic hash function
nb_conda_kernels2.3.1Launch Jupyter kernels for any installed conda environment
neural-structured-learning1.4.0Train neural networks with structured signals
ninja_syntax1.7.2Python module for generating .ninja files
numba0.59.1NumPy aware dynamic Python compiler using LLVM
nuscenes-devkit1.1.3The devkit of the nuScenes dataset
nvidia-ml-py37.352.0Python bindings to the NVIDIA Management Library
onnx1.13.1Open Neural Network Exchange library
onnx-tf1.9.0Experimental Tensorflow Backend for ONNX
onnxruntime1.17.1cross-platform, high performance ML inferencing and training accelerator
opencv4.8.1Computer vision and machine learning software library
openjpeg2.5.0An open-source JPEG 2000 codec written in C
opt-einsum3.3.0Optimizing einsum functions in NumPy, Tensorflow, Dask, and more with contraction order optimization
optuna3.0.4A hyperparameter optimization framework
pango1.50.7Text layout and rendering engine
pathy0.10.3A Path interface for local and cloud bucket storage
pbr5.6.0Python Build Reasonableness
pccm0.4.11Python C++ code manager
pcre210.42Regular expression pattern matching using the same syntax and semantics as Perl 5
pixman0.42.2A low-level software library for pixel manipulation
plotly5.20.0An interactive, browser-based graphing library for Python
portalocker2.3.0Portalocker is a library to provide an easy API to file locking.
portaudio19.6.0A cross platform, open-source, audio I/O library
preshed3.0.6Cython Hash Table for Pre-Hashed Keys
prettytable2.1.0Display tabular data in a visually appealing ASCII table format
proj49.3.1PROJ coordinate transformation software library
py-boost1.82.0Free peer-reviewed portable C++ source libraries
py-opencv4.8.1Computer vision and machine learning software library
py-xgboost2.0.3Python bindings for the scalable, portable and distributed gradient boosting XGBoost library
pyasn10.4.8ASN.1 types and codecs
pyasn1-modules0.2.8A collection of ASN.1-based protocols modules
pycocotools2.0.7Python API for the MS-COCO dataset
pydantic2.4.2Data validation and settings management using python type hinting
pydantic-core2.10.1Data validation and settings management using python type hinting, core package
pyjsparser2.7.1Fast javascript parser (based on esprima.js)
pyperclip1.8.2A cross-platform clipboard module for Python
pyproj3.6.1Python interface to PROJ4 library for cartographic transformations
pyquaternion0.9.9Pythonic library for representing and using quaternions
pyreadline33.4.1A python implmementation of GNU readline, modernized
python-flatbuffers23.5.26Python runtime library for use with the Flatbuffers serialization format
python-graphviz0.20.1Simple Python interface for Graphviz
python-sounddevice0.4.4Play and record sound with Python
python-tzdata2023.3Provider of IANA time zone data
python-xxhash2.0.2Python binding for xxHash
pytorch2.0.1PyTorch is an optimized tensor library for deep learning using GPUs and CPUs
pywin32305Python extensions for Windows
rasterio1.3.9Rasterio reads and writes geospatial raster datasets
rich13.3.5Render rich text, tables, progress bars, syntax highlighting, markdown and more to the terminal
rsa4.7.2Pure-Python RSA implementation
rtree1.0.1R-Tree spatial index for Python GIS
safetensors0.4.2Fast and Safe Tensor serialization
samgeo3.3A collection of the essential packages to work with the Segment Geospatial (samgeo) stack.
scikit-image0.22.0Image processing routines for SciPy
scikit-learn1.3.0A set of python modules for machine learning and data mining
scikit-plot0.3.7Plotting for scikit-learn objects
segment-anything1.0An unofficial Python package for Meta AI's Segment Anything Model
segment-anything-hq0.3Official Python package for Segment Anything in High Quality
segment-geospatial0.10.2A Python package for segmenting geospatial data with the Segment Anything Model (SAM)
sentencepiece0.1.99Unsupervised text tokenizer and detokenizer
shap0.42.1A unified approach to explain the output of any machine learning model
shapely2.0.1Geometric objects, predicates, and operations
shellingham1.5.0Tool to Detect Surrounding Shell
slicer0.0.7A small package for big slicing
smart_open5.2.1Python library for efficient streaming of large files
snuggs1.4.7Snuggs are s-expressions for NumPy
spacy3.7.2Industrial-strength Natural Language Processing
spacy-legacy3.0.12spaCy NLP legacy functions and architectures for backwards compatibility
spacy-loggers1.0.4Alternate loggers for spaCy pipeline training
spconv2.3.6Spatial sparse convolution
srsly2.4.8Modern high-performance serialization utilities for Python
stevedore5.1.0Manage dynamic plugins for Python applications
supervision0.6.0A set of easy-to-use utils that will come in handy in any Computer Vision project
tabulate0.9.0Pretty-print tabular data in Python, a library and a command-line utility
tbb2021.8.0High level abstract threading library
tenacity8.2.2Retry a flaky function whenever an exception occurs until it works
tensorboard2.13.0TensorBoard lets you watch Tensors Flow
tensorboard-data-server0.7.0Data server for TensorBoard
tensorboard-plugin-wit1.6.0What-If Tool TensorBoard plugin
tensorboardx2.6.2.2TensorBoardX lets you watch Tensors Flow without Tensorflow
tensorflow2.13.0TensorFlow is a machine learning library
tensorflow-addons0.22.0Useful extra functionality for TensorFlow
tensorflow-estimator2.13.0TensorFlow Estimator
tensorflow-hub0.16.1A library for transfer learning by reusing parts of TensorFlow models
tensorflow-io-gcs-filesystem0.31.0Dataset, streaming, and file system extensions
tensorflow-model-optimization0.7.5TensorFlow Model Optimization Toolkit
tensorflow-probability0.20.1TensorFlow Probability is a library for probabilistic reasoning and statistical analysis in TensorFlow
termcolor2.1.0ANSII Color formatting for output in terminal
terminaltables3.1.0Generate simple tables in terminals from a nested list of strings
tflite-model-maker0.3.4A model customization library for on-device applications
tflite-support0.4.4TensorFlow Lite Support for deploying TFLite models onto ombile devices
thinc8.2.2Learn super-sparse multi-class models
threadpoolctl2.2.0Python helpers to control the threadpools of native libraries
tifffile2023.4.12Read and write TIFF files
timm0.4.12PyTorch image models
tokenizers0.15.0Fast State-of-the-Art Tokenizers optimized for Research and Production
torch-cluster1.6.3Extension library of highly optimized graph cluster algorithms for use in PyTorch
torch-geometric2.4.0Geometric deep learning extension library for PyTorch
torch-scatter2.1.2Extension library of highly optimized sparse update (scatter and segment) operations
torch-sparse0.6.18Extension library of optimized sparse matrix operations with autograd support
torch-spline-conv1.2.2PyTorch implementation of the spline-based convolution operator of SplineCNN
torchvision0.15.2Image and video datasets and models for torch deep learning
torchvision-cpp0.15.2Image and video datasets and models for torch deep learning, C++ interface
transformers4.36.2State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch
trimesh2.35.39Import, export, process, analyze and view triangular meshes.
typeguard2.12.1Runtime type checker for Python
typer0.9.0A library for building CLI applications
typing3.10.0.0Type Hints for Python - backport for Python<3.5
tzlocal5.2tzinfo object for the local timezone
wasabi0.9.1A lightweight console printing and formatting toolkit
weasel0.3.4A small and easy workflow system
werkzeug3.0.3The Python WSGI Utility Library
wordcloud1.9.3A little word cloud generator in Python
wrapt1.14.1Module for decorators, wrappers and monkey patching
xgboost2.0.3Scalable, portable and distributed Gradient Boosting (GBDT, GBRT or GBM) library
xmltodict0.13.0Makes working with XML feel like you are working with JSON
xxhash0.8.0Extremely fast hash algorithm
xyzservices2022.9.0Source of XYZ tiles providers
yapf0.40.2A formatter for Python files
yarl1.9.3Yet another URL library
zfp1.0.0Library for compressed numerical arrays that support high throughput read and write random access
_py-xgboost-mutex2.0Metapackage for selecting the desired implementation of XGBoost
<details> <summary><b>Manifest for Pro 3.2 / Server 11.2</b></summary>
Library NameVersionDescription
abseil-cpp20210324.2Abseil C++ Common Libraries
absl-py1.3.0Abseil Python Common Libraries
addict2.4.0Provides a dictionary whose items can be set using both attribute and item syntax
aiohttp3.8.3Async http client/server framework (asyncio)
aiosignal1.2.0A list of registered asynchronous callbacks
alembic1.6.4A database migration tool for SQLAlchemy
astor0.8.1Read, rewrite, and write Python ASTs nicely
astunparse1.6.3An AST unparser for Python
async-timeout4.0.2Timeout context manager for asyncio programs
blosc1.21.0A blocking, shuffling and loss-less compression library that can be faster than memcpy()
boost1.79.0Boost provides peer-reviewed portable C++ source libraries
bzip21.0.8High-quality data compressor
cairo1.14.12A 2D graphics library with support for multiple output devices
catalogue1.0.0Super lightweight function registries for your library
catboost0.26Gradient boosting on decision trees library
category_encoders2.2.2A collection sklearn transformers to encode categorical variables as numeric
cfitsio3.470A library for reading and writing FITS files
charls2.2.0CharLS, a C++ JPEG-LS library implementation
cliff3.8.0Command Line Interface Formulation Framework
cmaes0.8.2Blackbox optimization with the Covariance Matrix Adaptation Evolution Strategy
cmd22.4.2A tool for building interactive command line apps
colorlog5.0.1Log formatting with colors!
colour0.1.5Python color representations manipulation library (RGB, HSL, web, ...)
cudatoolkit11.1.1NVIDIA's CUDA toolkit
cudnn8.1.0.77NVIDIA's cuDNN deep neural network acceleration library
cymem2.0.6Manage calls to calloc/free through Cython
cython0.29.32The Cython compiler for writing C extensions for the Python language
cython-blis0.4.1Fast matrix-multiplication as a self-contained Python library – no system dependencies!
dataclasses0.8A backport of the dataclasses module for Python 3.6
deep-learning-essentials3.1Expansive collection of deep learning packages
descartes1.1.0Use geometric objects as matplotlib paths and patches
dm-tree0.1.7A library for working with nested data structures
dtreeviz1.3.7Decision tree visualization
dtreeviz-extended1.3.7Decision tree visualization with included optional dependencies
einops0.3.2A new flavor of deep learning operations
ensemble-boxes1.0.8Methods for ensembling boxes from object detection models
fastai1.0.63fastai makes deep learning with PyTorch faster, more accurate, and easier
fastprogress0.2.3A fast and simple progress bar for Jupyter Notebook and console
fasttext0.9.2Efficient text classification and representation learning
filelock3.9.0A platform independent file lock
fire0.4.0A library for creating CLIs from absolutely any Python object
flatbuffers2.0.0Memory Efficient Serialization Library
frozenlist1.3.3A list-like structure which implements collections.abc.MutableSequence
gast0.4.0Python AST that abstracts the underlying Python version
geos3.5.0A C++ port of the Java Topology Suite (JTS)
giflib5.2.1Library for reading and writing gif images
google-auth2.6.0Google authentication library for Python
google-auth-oauthlib0.4.1Google Authentication Library, oauthlib integration with google-auth
google-pasta0.2.0pasta is an AST-based Python refactoring library
googledrivedownloader0.4Minimal class to download shared files from Google Drive
graphviz2.38Open Source graph visualization software
grpcio1.42.0HTTP/2-based RPC framework
h3-py3.7.3H3 Hexagonal Hierarchical Geospatial Indexing System
html5lib1.1HTML parser based on the WHATWG HTML specification
icu68.1International Components for Unicode
imagecodecs2021.8.26Image transformation, compression, and decompression codecs
imageio2.19.3A Python library for reading and writing image data
inplace-abn1.1.0In-Place Activated BatchNorm
joblib1.1.1Python function as pipeline jobs
keepalive0.5urllib keepalive support for Python
keras2.7.0Deep Learning Library for Theano and TensorFlow
keras-base2.7.0The Keras base package contains the shared Keras components used across multiple different Keras builds
keras-gpu2.7.0Deep Learning Library for Theano and TensorFlow
keras-preprocessing1.1.2Data preprocessing and data augmentation module of the Keras deep learning library
laspy1.7.0A Python library for reading, modifying and creating LAS files
lcms22.12The Little color management system
libaec1.0.4Adaptive entropy coding library
libboost1.79.0Free peer-reviewed portable C++ source libraries
libcurl7.86.0Tool and library for transferring data with URL syntax
libnghttp21.50.0HTTP/2 C library
libopencv4.5.2Computer vision and machine learning software library
libuv1.40.0Cross-platform asynchronous I/O
libwebp1.2.4WebP image library
libwebp-base1.2.4WebP image library, minimal base library
libxgboost1.5.0eXtreme Gradient Boosting
libzopfli1.0.3A compression library for very good but slow deflate or zlib compression
lightgbm3.2.1LightGBM is a gradient boosting framework that uses tree based learning algorithms
llvmlite0.39.1A lightweight LLVM python binding for writing JIT compilers
mako1.2.3Template library written in Python
markdown3.4.1Python implementation of Markdown
mljar-supervised0.11.2Automated Machine Learning Pipeline with Feature Engineering and Hyper-Parameters Tuning
mmcv-full1.4.0OpenMMLab Computer Vision Foundation
mmdet2.19.0OpenMMLab Detection Toolbox and Benchmark
mmdet3d0.17.3Next generation platform for general 3D object detection
mmsegmentation0.19.0semantic segmentation toolbox and benchmark
motmetrics1.1.3Benchmark multiple object trackers (MOT) in Python
multi-scale-deformable-attention1.0.0PyTorch Wrapper for CUDA Functions of Multi-Scale Deformable Attention
multidict6.0.2Key-value pairs where keys are sorted and can reoccur
murmurhash1.0.7A non-cryptographic hash function
nb_conda_kernels2.3.1Launch Jupyter kernels for any installed conda environment
neural-structured-learning1.4.0Train neural networks with structured signals
ninja1.10.2A small build system with a focus on speed
ninja-base1.10.2A small build system with a focus on speed, minimum dependencies
numba0.56.4NumPy aware dynamic Python compiler using LLVM
nuscenes-devkit1.1.3The devkit of the nuScenes dataset
nvidia-ml-py37.352.0Python bindings to the NVIDIA Management Library
onnx1.9.0Open Neural Network Exchange library
onnx-tf1.8.0Experimental Tensorflow Backend for ONNX
opencv4.5.2Computer vision and machine learning software library
openjpeg2.4.0An open-source JPEG 2000 codec written in C
optuna3.0.4A hyperparameter optimization framework
opt_einsum3.3.0Optimizing einsum functions in NumPy, Tensorflow, Dask, and more with contraction order optimization
patsy0.5.2Describing statistical models in Python using symbolic formulas
pbr5.6.0Python Build Reasonableness
pixman0.40.0A low-level software library for pixel manipulation
plac1.1.0The smartest command line arguments parser in the world
plotly4.5.4An interactive, browser-based graphing library for Python
portaudio19.6.0A cross platform, open-source, audio I/O library
preshed3.0.6Cython Hash Table for Pre-Hashed Keys
prettytable2.1.0Display tabular data in a visually appealing ASCII table format
py-boost1.79.0Free peer-reviewed portable C++ source libraries
py-opencv4.5.2Computer vision and machine learning software library
py-xgboost1.5.0Python bindings for the scalable, portable and distributed gradient boosting XGBoost library
py4j0.10.9.3Enables Python programs to dynamically access arbitrary Java objects
pyasn10.4.8ASN.1 types and codecs
pyasn1-modules0.2.8A collection of ASN.1-based protocols modules
pycocotools2.0.2Python API for the MS-COCO dataset
pyperclip1.8.2A cross-platform clipboard module for Python
pyquaternion0.9.9Pythonic library for representing and using quaternions
pyspark3.2.1Apache Spark
python-editor1.0.4Programmatically open an editor, capture the result
python-flatbuffers1.12Python runtime library for use with the Flatbuffers serialization format
python-graphviz0.16Simple Python interface for Graphviz
python-sounddevice0.4.4Play and record sound with Python
pytorch1.8.2PyTorch is an optimized tensor library for deep learning using GPUs and CPUs
pywavelets1.4.1Discrete Wavelet Transforms in Python
rdflib5.0.0RDFLib is a pure Python package for working with RDF
retrying1.3.3Simplify the task of adding retry behavior to just about anything
rsa4.7.2Pure-Python RSA implementation
sacremoses0.0.43Python based tokenizer and normalizer
scikit-image0.17.2Image processing routines for SciPy
scikit-learn1.0.2A set of python modules for machine learning and data mining
scikit-plot0.3.7Plotting for scikit-learn objects
sentencepiece0.1.95Unsupervised text tokenizer and detokenizer
shap0.39.0A unified approach to explain the output of any machine learning model
shapely1.7.1Geometric objects, predicates, and operations
slicer0.0.7A small package for big slicing
snappy1.1.9A fast compressor/decompressor
spacy2.2.4Industrial-strength Natural Language Processing
sparqlwrapper1.8.5SPARQL Endpoint interface to Python for use with rdflib
srsly1.0.5Modern high-performance serialization utilities for Python
statsmodels0.12.2Statistical computations and models
stevedore3.3.0Manage dynamic plugins for Python applications
tabulate0.8.10Pretty-print tabular data in Python, a library and a command-line utility
tbb2021.6.0High level abstract threading library
tensorboard2.6.0TensorBoard lets you watch Tensors Flow
tensorboard-data-server0.6.1Data server for TensorBoard
tensorboard-plugin-wit1.8.1What-If Tool TensorBoard plugin
tensorboardx2.2TensorBoardX lets you watch Tensors Flow without Tensorflow
tensorflow-addons0.15.0Useful extra functionality for TensorFlow
tensorflow-base2.7.0TensorFlow is a machine learning library, base package contains only tensorflow
tensorflow-estimator2.7.0TensorFlow Estimator
tensorflow-gpu2.7.0Metapackage for selecting the GPU-backed TensorFlow variant
tensorflow-hub0.12.0A library for transfer learning by reusing parts of TensorFlow models
tensorflow-model-optimization0.7.3TensorFlow Model Optimization Toolkit
termcolor2.1.0ANSII Color formatting for output in terminal
terminaltables3.1.0Generate simple tables in terminals from a nested list of strings
tflite-model-maker0.3.4A model customization library for on-device applications
tflite-support0.4.1TensorFlow Lite Support for deploying TFLite models onto ombile devices
thinc7.4.0Learn super-sparse multi-class models
threadpoolctl2.2.0Python helpers to control the threadpools of native libraries
tifffile2021.7.2Read and write TIFF files
timm0.4.12PyTorch image models
tokenizers0.10.1Fast State-of-the-Art Tokenizers optimized for Research and Production
torch-cluster1.5.9Extension library of highly optimized graph cluster algorithms for use in PyTorch
torch-geometric1.7.2Geometric deep learning extension library for PyTorch
torch-scatter2.0.7Extension library of highly optimized sparse update (scatter and segment) operations
torch-sparse0.6.10Extension library of optimized sparse matrix operations with autograd support
torch-spline-conv1.2.1PyTorch implementation of the spline-based convolution operator of SplineCNN
torchvision0.9.2Image and video datasets and models for torch deep learning
torchvision-cpp0.9.2Image and video datasets and models for torch deep learning, C++ interface
transformers4.5.1State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch
trimesh2.35.39Import, export, process, analyze and view triangular meshes.
typeguard2.12.1Runtime type checker for Python
typing3.10.0.0Type Hints for Python - backport for Python<3.5
wasabi0.9.1A lightweight console printing and formatting toolkit
werkzeug2.2.2The Python WSGI Utility Library
wordcloud1.8.1A little word cloud generator in Python
xgboost1.5.0Scalable, portable and distributed Gradient Boosting (GBDT, GBRT or GBM) library
xmltodict0.12.0Makes working with XML feel like you are working with JSON
yapf0.31.0A formatter for Python files
yarl1.8.1Yet another URL library
zfp0.5.5Library for compressed numerical arrays that support high throughput read and write random access
_py-xgboost-mutex2.0Metapackage for selecting the desired implementation of XGBoost
_tflow_select2.7.0Metapackage for selecting the desired implementation of TensorFlow
</details> <details> <summary><b>Manifest for Pro 3.0 / Server 11</b></summary>
Library NameVersionDescription
absl-py0.13.0Abseil Python Common Libraries
addict2.4.0Provides a dictionary whose items can be set using both attribute and item syntax
aiohttp3.7.4.post0Async http client/server framework (asyncio)
alembic1.6.4A database migration tool for SQLAlchemy
astor0.8.1Read, rewrite, and write Python ASTs nicely
astunparse1.6.3An AST unparser for Python
async-timeout3.0.1Timeout context manager for asyncio programs
beautifulsoup44.10.0Python library designed for screen-scraping
boost1.73.0Boost provides peer-reviewed portable C++ source libraries
bottleneck1.3.2Fast NumPy array functions written in Cython
catalogue1.0.0Super lightweight function registries for your library
catboost0.26Gradient boosting on decision trees library
category_encoders2.2.2A collection sklearn transformers to encode categorical variables as numeric
charset-normalizer2.0.4A fast and robust universal character set detector
cliff3.8.0Command Line Interface Formulation Framework
cloudpickle2.0.0Extended pickling support for Python objects
cmaes0.8.2Blackbox optimization with the Covariance Matrix Adaptation Evolution Strategy
cmd22.1.1A tool for building interactive command line apps
colorlog5.0.1Log formatting with colors!
colour0.1.5Python color representations manipulation library (RGB, HSL, web, ...)
coverage5.5Code coverage measurement for Python
cudatoolkit11.1.1NVIDIA's CUDA toolkit
cudnn8.1.0.77NVIDIA's cuDNN deep neural network acceleration library
cymem2.0.5Manage calls to calloc/free through Cython
cython0.29.24The Cython compiler for writing C extensions for the Python language
cython-blis0.4.1Fast matrix-multiplication as a self-contained Python library – no system dependencies!
cytoolz0.11.0Cython implementation of Toolz. High performance functional utilities
dask-core2021.10.0Parallel Python with task scheduling
dataclasses0.8A backport of the dataclasses module for Python 3.6
deep-learning-essentials2.9Expansive collection of deep learning packages
dtreeviz1.3Decision tree visualization
fastai1.0.63fastai makes deep learning with PyTorch faster, more accurate, and easier
fastprogress0.2.3A fast and simple progress bar for Jupyter Notebook and console
fasttext0.9.2Efficient text classification and representation learning
filelock3.3.1A platform independent file lock
fsspec2021.8.1A specification for pythonic filesystems
gast0.3.3Python AST that abstracts the underlying Python version
geos3.5.0A C++ port of the Java Topology Suite (JTS)
google-auth1.33.0Google authentication library for Python
google-auth-oauthlib0.4.1Google Authentication Library, oauthlib integration with google-auth
google-pasta0.2.0pasta is an AST-based Python refactoring library
googledrivedownloader0.4Minimal class to download shared files from Google Drive
graphviz2.38Open Source graph visualization software
grpcio1.36.1HTTP/2-based RPC framework
imageio2.8.0A Python library for reading and writing image data
imgaug0.4.0Image augmentation for machine learning experiments
joblib1.1.0Python function as pipeline jobs
keepalive0.5urllib keepalive support for Python
keras-gpu2.4.3Deep Learning Library for Theano and TensorFlow
keras-preprocessing1.1.2Data preprocessing and data augmentation module of the Keras deep learning library
laspy1.7.0A Python library for reading, modifying and creating LAS files
libboost1.73.0Free peer-reviewed portable C++ source libraries
libopencv4.5.2Computer vision and machine learning software library
libuv1.40.0Cross-platform asynchronous I/O
libwebp1.2.0WebP image library
libxgboost1.3.3eXtreme Gradient Boosting
lightgbm3.2.1LightGBM is a gradient boosting framework that uses tree based learning algorithms
llvmlite0.37.0A lightweight LLVM python binding for writing JIT compilers
lmdb0.9.29Universal Python binding for the LMDB 'Lightning' Database
locket0.2.1File-based locks for Python for Linux and Windows
mako1.1.4Template library written in Python
markdown3.3.4Python implementation of Markdown
mljar-supervised0.10.6Automated Machine Learning Pipeline with Feature Engineering and Hyper-Parameters Tuning
mmcv-full1.3.7OpenMMLab Computer Vision Foundation
mmdet2.13.0OpenMMLab Computer Vision Foundation
mmsegmentation0.14.1semantic segmentation toolbox and benchmark
multidict5.1.0Key-value pairs where keys are sorted and can reoccur
murmurhash1.0.5A non-cryptographic hash function
nb_conda_kernels2.3.1Launch Jupyter kernels for any installed conda environment
ninja1.10.2A small build system with a focus on speed
numba0.54.1NumPy aware dynamic Python compiler using LLVM
nvidia-ml-py37.352.0Python bindings to the NVIDIA Management Library
onnx1.9.0Open Neural Network Exchange library
onnx-tf1.8.0Experimental Tensorflow Backend for ONNX
opencv4.5.2Computer vision and machine learning software library
optuna2.8.0A hyperparameter optimization framework
opt_einsum3.3.0Optimizing einsum functions in NumPy, Tensorflow, Dask, and more with contraction order optimization
partd1.2.0Data structure for on-disk shuffle operations
patsy0.5.2Describing statistical models in Python using symbolic formulas
pbr5.6.0Python Build Reasonableness
plac1.1.0The smartest command line arguments parser in the world
plotly4.5.4An interactive, browser-based graphing library for Python
pooch1.0.0A friend to fetch your Python library's sample data files
preshed3.0.2Cython Hash Table for Pre-Hashed Keys
prettytable2.1.0Display tabular data in a visually appealing ASCII table format
py-boost1.73.0Free peer-reviewed portable C++ source libraries
py-opencv4.5.2Computer vision and machine learning software library
py-xgboost1.3.3Python bindings for the scalable, portable and distributed gradient boosting XGBoost library
py4j0.10.9.2Enables Python programs to dynamically access arbitrary Java objects
pyasn10.4.8ASN.1 types and codecs
pyasn1-modules0.2.8A collection of ASN.1-based protocols modules
pyclipper1.3.0Cython wrapper of Angus Johnson's Clipper library for polygon clipping
pycocotools2.0.2Python API for the MS-COCO dataset
pyperclip1.8.2A cross-platform clipboard module for Python
pyreadline2.1A python implmementation of GNU readline
pyspark3.1.2Apache Spark
python-editor1.0.4Programmatically open an editor, capture the result
python-flatbuffers2.0Python runtime library for use with the Flatbuffers serialization format
python-graphviz0.16Simple Python interface for Graphviz
python-levenshtein0.12.2Python extension for computing string edit distances and similarities
python-lmdb1.2.1Universal Python binding for the LMDB 'Lightning' Database
python_abi3.7Metapackage to select Python implementation
pytorch1.8.2PyTorch is an optimized tensor library for deep learning using GPUs and CPUs
pywavelets1.1.1Discrete Wavelet Transforms in Python
rdflib5.0.0RDFLib is a pure Python package for working with RDF
retrying1.3.3Simplify the task of adding retry behavior to just about anything
rsa4.7.2Pure-Python RSA implementation
sacremoses0.0.43SacreMoses
scikit-image0.17.2Image processing routines for SciPy
scikit-learn1.0.1A set of python modules for machine learning and data mining
scikit-plot0.3.7Plotting for scikit-learn objects
seaborn0.11.2Statistical data visualization
sentencepiece0.1.91Unsupervised text tokenizer and detokenizer
shap0.39.0A unified approach to explain the output of any machine learning model
shapely1.7.0Geometric objects, predicates, and operations
slicer0.0.7A small package for big slicing
soupsieve2.2.1A modern CSS selector implementation for BeautifulSoup
spacy2.2.4Industrial-strength Natural Language Processing
sparqlwrapper1.8.5SPARQL Endpoint interface to Python for use with rdflib
srsly1.0.2Modern high-performance serialization utilities for Python
statsmodels0.12.2Statistical computations and models
stevedore3.3.0Manage dynamic plugins for Python applications
tabulate0.8.9Pretty-print tabular data in Python, a library and a command-line utility
tbb2021.4.0High level abstract threading library
tensorboard2.6.0TensorBoard lets you watch Tensors Flow
tensorboard-data-server0.6.0Data server for TensorBoard
tensorboard-plugin-wit1.6.0What-If Tool TensorBoard plugin
tensorboardx2.2TensorBoardX lets you watch Tensors Flow without Tensorflow
tensorflow-addons0.13.0Useful extra functionality for TensorFlow
tensorflow-estimator2.5.0TensorFlow Estimator
tensorflow-gpu2.5.1Metapackage for selecting the GPU-backed TensorFlow variant
termcolor1.1.0ANSII Color formatting for output in terminal
terminaltables3.1.0Generate simple tables in terminals from a nested list of strings
thinc7.4.0Learn super-sparse multi-class models
threadpoolctl2.2.0Python helpers to control the threadpools of native libraries
tifffile2020.10.1Read and write TIFF files
tokenizers0.10.1Fast State-of-the-Art Tokenizers optimized for Research and Production
toolz0.11.1A functional standard library for Python
torch-cluster1.5.9Extension library of highly optimized graph cluster algorithms for use in PyTorch
torch-geometric1.7.2Geometric deep learning extension library for PyTorch
torch-scatter2.0.7Extension library of highly optimized sparse update (scatter and segment) operations
torch-sparse0.6.10Extension library of optimized sparse matrix operations with autograd support
torch-spline-conv1.2.1PyTorch implementation of the spline-based convolution operator of SplineCNN
torchvision0.9.2Image and video datasets and models for torch deep learning
tqdm4.62.3A Fast, Extensible Progress Meter
transformers4.5.1State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch
typeguard2.12.1Runtime type checker for Python
typing-extensions3.10.0.2Backported and Experimental Type Hints for Python
wasabi0.6.0A lightweight console printing and formatting toolkit
werkzeug2.0.2The Python WSGI Utility Library
wordcloud1.8.1A little word cloud generator in Python
xgboost1.3.3Scalable, portable and distributed Gradient Boosting (GBDT, GBRT or GBM) library
yapf0.31.0A formatter for Python files
yarl1.6.3Yet another URL library
</details> <details> <summary><b>Manifest for Pro 2.8 / Server 10.9.0</b></summary>
Library NameVersionDescription
absl-py0.12.0Abseil Python Common Libraries, see https://github.com/abseil/abseil-py.
ase3.19.1Set of tools for atomistic simulations
astor0.8.1Read, rewrite, and write Python ASTs nicely
beautifulsoup44.9.3Python library designed for screen-scraping
boost1.73.0Free peer-reviewed portable C++ source libraries.
cachetools4.2.2Extensible memoizing collections and decorators
catalogue1.0.0Super lightweight function registries for your library
cloudpickle1.6.0Extended pickling support for Python objects
cudatoolkit10.1.243NVIDIA CUDA toolkit
cudnn7.6.5NVIDIA's cuDNN deep neural network acceleration library
cymem2.0.5Manage calls to calloc/free through Cython
cython0.29.23The Cython compiler for writing C extensions for the Python language
cython-blis0.4.1Fast matrix-multiplication as a self-contained Python library – no system dependencies!
cytoolz0.11.0Cython implementation of Toolz. High performance functional utilities
dask-core2021.5.0Parallel Python with task scheduling
deep-learning-essentials2.8A collection of the essential packages to work with deep learning packages and ArcGIS Pro.
fastai1.0.60fastai makes deep learning with PyTorch faster, more accurate, and easier
fastprogress0.2.3A fast and simple progress bar for Jupyter Notebook and console.
fasttext0.9.2fastText - Library for efficient text classification and representation learning
filelock3.0.12A platform independent file lock.
fsspec0.9.0A specification for pythonic filesystems
gast0.2.2Python AST that abstracts the underlying Python version
google-auth1.21.3Google authentication library for Python
google-auth-oauthlib0.4.2Google Authentication Library, oauthlib integration with google-auth
google-pasta0.2.0pasta is an AST-based Python refactoring library
googledrivedownloader0.4Minimal class to download shared files from Google Drive.
graphviz2.38Open Source graph visualization software.
grpcio1.35.0HTTP/2-based RPC framework
imageio2.8.0A Python library for reading and writing image data
joblib1.0.1Lightweight pipelining: using Python functions as pipeline jobs.
keepalive0.5An HTTP handler for urllib that supports HTTP 1.1 and keepalive
keras-applications1.0.8Applications module of the Keras deep learning library.
keras-gpu2.3.1Deep Learning Library for Theano and TensorFlow
keras-preprocessing1.1.2Data preprocessing and data augmentation module of the Keras deep learning library
laspy1.7.0A Python library for reading, modifying and creating LAS files
libboost1.73.0Free peer-reviewed portable C++ source libraries
libopencv4.5.0Computer vision and machine learning software library.
libprotobuf3.14.0Protocol Buffers - Google's data interchange format. C++ Libraries and protoc, the protobuf compiler.
libwebp1.2.0WebP image library
llvmlite0.36.0A lightweight LLVM python binding for writing JIT compilers.
locket0.2.1File-based locks for Python for Linux and Windows
markdown3.3.4Python implementation of Markdown.
murmurhash1.0.5Cython bindings for MurmurHash2
ninja1.10.2A small build system with a focus on speed
numba0.53.0NumPy aware dynamic Python compiler using LLVM
nvidia-ml-py37.352.0Python bindings to the NVIDIA Management Library
onnx1.7.0Open Neural Network Exchange library
onnx-tf1.5.0Experimental Tensorflow Backend for ONNX
opencv4.5.0Computer vision and machine learning software library.
opt_einsum3.3.0Optimizing einsum functions in NumPy, Tensorflow, Dask, and more with contraction order optimization.
partd1.2.0Data structure for on-disk shuffle operations
plac1.1.0The smartest command line arguments parser in the world
plotly4.5.4An interactive JavaScript-based visualization library for Python
pooch1.0.0A friend to fetch your Python library's sample data files
preshed3.0.2Cython Hash Table for Pre-Hashed Keys
protobuf3.14.0Protocol Buffers - Google's data interchange format.
py-boost1.73.0Free peer-reviewed portable C++ source libraries.
py-opencv4.5.0Computer vision and machine learning software library.
pyasn10.4.8ASN.1 types and codecs
pyasn1-modules0.2.8A collection of ASN.1-based protocols modules.
pytorch1.4.0PyTorch is an optimized tensor library for deep learning using GPUs and CPUs.
pywavelets1.1.1Discrete Wavelet Transforms in Python
rdflib5.0.0Library for working with RDF, a simple yet powerful language for representing information.
retrying1.3.3Simplify the task of adding retry behavior to just about anything.
rsa4.7.2Pure-Python RSA implementation
sacremoses0.0.43Python port of Moses tokenizer, truecaser and normalizer.
scikit-image0.17.2Image processing routines for SciPy
scikit-learn0.23.2A set of python modules for machine learning and data mining
sentencepiece0.1.91SentencePiece python wrapper
soupsieve2.2.1A modern CSS selector implementation for BeautifulSoup
spacy2.2.4Industrial-strength Natural Language Processing
sparqlwrapper1.8.5SPARQL Endpoint interface to Python for use with rdflib
srsly1.0.2Modern high-performance serialization utilities for Python
tensorboard2.4.0TensorBoard lets you watch Tensors Flow
tensorboard-plugin-wit1.6.0What-If Tool TensorBoard plugin
tensorboardx2.1Tensorboard for PyTorch.
tensorflow2.1.0TensorFlow is a machine learning library.
tensorflow-addons0.9.1Useful extra functionality for TensorFlow 2.x
tensorflow-base2.1.0Base GPU package, tensorflow only.
tensorflow-estimator2.1.0TensorFlow Estimator
tensorflow-gpu2.1.0Metapackage for selecting a TensorFlow variant.
termcolor1.1.0ANSII Color formatting for output in terminal.
thinc7.4.0Learn super-sparse multi-class models
threadpoolctl2.1.0Python helpers to control the threadpools of native libraries
tifffile2020.10.1Read and write image data from and to TIFF files.
tokenizers0.8.1Fast State-of-the-Art Tokenizers optimized for Research and Production
toolz0.11.1A functional standard library for Python
torch-cluster1.5.4Extension library of highly optimized graph cluster algorithms for use in PyTorch
torch-geometric-1.5.0Geometric deep learning extension library for PyTorch
torch-scatter2.0.4Extension library of highly optimized sparse update (scatter and segment) operations
torch-sparse0.6.1Extension library of optimized sparse matrix operations with autograd support
torch-spline-conv1.2.0PyTorch implementation of the spline-based convolution operator of SplineCNN
torchvision0.5.0image and video datasets and models for torch deep learning
tqdm4.59.0A Fast, Extensible Progress Meter
transformers3.3.0State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch
typeguard2.7.0Runtime type checker for Python
wasabi0.6.0A lightweight console printing and formatting toolkit
werkzeug0.16.1The comprehensive WSGI web application library.
</details>

TensorFlow Support

[!IMPORTANT] The Pro 3.3 package set includes a CPU-only build of TensorFlow 2.13. TensorFlow 2.10 was the last TensorFlow release that includes native Windows GPU support. We recommend migrating any GPU dependent TensorFlow code to PyTorch to remain in sync with the shifting deep learning landscape. If you have performance dependent code in TensorFlow not easily migrated, Pro 3.2 and earlier have GPU supported versions of TensorFlow.

Additional Notes

Known Issues

<details> <Summary><b>Pro 3.1 and earlier</b></Summary>

The Pro 3.1 and earlier package set includes a TensorFlow build which has long paths. When creating cloned environments, these paths can easily exceed the Windows MAX_PATH limitation, which prevents paths longer than 260 characters being created. To work around this limitation, the following setting can be changed in the registry:

allow-long-file-paths-ntfs

</details>