Library Reference

Explore all the Python and R libraries covered throughout this textbook.

Computer Vision 5

Albumentations

Fast image augmentation library....

pip install albumentations
OpenCV

Open source computer vision and machine learning software library....

pip install opencv-python
Pillow

Python Imaging Library fork for image processing....

pip install pillow
timm

PyTorch Image Models - collection of image models....

pip install timm
torchvision

PyTorch package for computer vision....

pip install torchvision

Data Manipulation 2

Pandas

Data analysis and manipulation library. Provides DataFrames for structured data operations....

pip install pandas
Polars

Lightning-fast DataFrame library with lazy evaluation....

pip install polars

Deep Learning 12

Accelerate

Library for easy distributed training....

pip install accelerate
bitsandbytes

Library for 8-bit optimizers and quantization....

pip install bitsandbytes
Diffusers

Library for state-of-the-art diffusion models....

pip install diffusers
Gymnasium

Standard API for reinforcement learning....

pip install gymnasium
JAX

Composable transformations of Python+NumPy programs....

pip install jax
Keras

High-level neural networks API....

pip install keras
PEFT

Parameter-Efficient Fine-Tuning library....

pip install peft
PyTorch

Open source machine learning framework that accelerates the path from research to production....

pip install torch
Stable-Baselines3

Reliable RL algorithm implementations....

pip install stable-baselines3
TensorFlow

End-to-end open source platform for machine learning....

pip install tensorflow
TRL

Transformer Reinforcement Learning library....

pip install trl
vLLM

High-throughput LLM serving engine....

pip install vllm

MLOps 8

DVC

Data Version Control for ML projects....

pip install dvc
FastAPI

Modern, fast web framework for building APIs with Python....

pip install fastapi
Gradio

Build machine learning web apps in Python....

pip install gradio
MLflow

Platform for the machine learning lifecycle....

pip install mlflow
Optuna

Automatic hyperparameter optimization framework....

pip install optuna
Ray

Framework for scaling AI and Python applications....

pip install ray
Streamlit

Turn data scripts into shareable web apps....

pip install streamlit
Weights & Biases

ML experiment tracking, dataset versioning, and model management....

pip install wandb

Machine Learning 7

CatBoost

Gradient boosting library with categorical features support....

pip install catboost
Fairlearn

Library for fairness assessment and mitigation....

pip install fairlearn
FAISS

Library for efficient similarity search and clustering of dense vectors....

pip install faiss-cpu
LightGBM

Gradient boosting framework that uses tree based learning algorithms....

pip install lightgbm
Scikit-learn

Machine learning library featuring classification, regression, clustering, and dimensionality reduct...

pip install scikit-learn
SHAP

Library for model interpretability using Shapley values....

pip install shap
XGBoost

Optimized distributed gradient boosting library designed to be highly efficient....

pip install xgboost

NLP 10

Chroma

AI-native open-source embedding database....

pip install chromadb
Datasets

Hugging Face library for accessing datasets....

pip install datasets
Gensim

Library for topic modelling and document similarity analysis....

pip install gensim
Hugging Face Transformers

State-of-the-art Natural Language Processing library with pre-trained models....

pip install transformers
LangChain

Framework for developing applications powered by language models....

pip install langchain
LlamaIndex

Data framework for LLM applications to ingest, structure, and access private data....

pip install llama-index
NLTK

Platform for building Python programs to work with human language data....

pip install nltk
Sentence-Transformers

Library for sentence and text embeddings....

pip install sentence-transformers
spaCy

Industrial-strength Natural Language Processing library....

pip install spacy
Tokenizers

Fast tokenization library....

pip install tokenizers

Scientific Computing 3

NumPy

Fundamental package for scientific computing with Python. Provides support for arrays, matrices, and...

pip install numpy
SciPy

Library for mathematics, science, and engineering. Builds on NumPy....

pip install scipy
SymPy

Library for symbolic mathematics....

pip install sympy

Visualization 3

Matplotlib

Comprehensive library for creating static, animated, and interactive visualizations....

pip install matplotlib
Plotly

Interactive graphing library....

pip install plotly
Seaborn

Statistical data visualization based on matplotlib. Provides high-level interface for drawing attrac...

pip install seaborn