Christian Mills
  • Blog
  • Tutorials
  • Notes
  • About
Categories
All (209)
3d (1)
ai (36)
arc-gpu (6)
barracuda (12)
blender (2)
book (16)
byte-track (1)
conda (2)
cuda (20)
directml (3)
education (5)
ethics (1)
fastai (34)
game-dev (5)
getting-started (7)
git (3)
github (1)
google-colab (1)
hailo (1)
history (7)
huggingface (11)
image classification (1)
image-annotation (8)
image-classification (8)
instance-segmentation (6)
jetson (1)
kaggle (1)
keypoint-estimation (4)
keypoint-rcnn (2)
libtorch (4)
llms (33)
log (6)
mamba (2)
mask-rcnn (2)
miniai (1)
nlp (11)
notes (115)
numpy (2)
object-detection (15)
object-tracking (3)
onnx (13)
opencv (1)
openvino (7)
pandas (2)
personal-growth (2)
procedural-generation (6)
professional-growth (6)
python (5)
pytorch (52)
raspberry-pi (1)
streamlit (2)
style-transfer (10)
tensorflow (7)
tensorflow-js (1)
tensorrt (3)
tutorial (70)
ubuntu (4)
unity (52)
visual-studio (1)
walkthrough (10)
webgl (5)
windows (2)
wsl2 (2)
yolox (9)

Notes on ICML 2024 Tutorial: Physics of Language Models

notes
llms
My notes from Zeyuan Allen-Zhu’s ICML presentation, outlining a physics of language models framework using synthetic data, controlled experiments, and probing to reveal how LLMs learn, store, and manipulate knowledge, perform multi-step reasoning, and depend on training conditions for robust, generalizable capabilities.
Feb 17, 2025

Notes on The Superstruct Manifesto

professional-growth
book
notes
My notes from the book The Superstruct Manifesto꞉ A Survival Guide for Founders Who Depend on Devs to Get Things Done by David Guttman.
Feb 9, 2025

Notes on The Great Mental Models - Volume 2: Physics, Chemistry, and Biology

book
notes
My notes from the book The Great Mental Models - Volume 2: Physics, Chemistry, and Biology by Shane Parrish and Rhiannon Beaubien.
Nov 22, 2024

GPU MODE Lecture 15: CUTLASS

notes
cuda
Lecture #15 provides an in-depth conceptual explanation of NVIDIA’s Cutlass library’s tensor layout algebra system, focusing on how it handles shapes, strides, and tiling operations for efficient GPU tensor computations.
Nov 17, 2024

GPU MODE Lecture 14: Practitioners Guide to Triton

notes
cuda
Lecture #14 provides a practical introduction to writing and optimizing GPU kernels using Triton, featuring comparisons with CUDA and hands-on examples like tensor copying, image processing, and matrix multiplication.
Nov 15, 2024

Quantizing timm Image Classifiers with ONNX Runtime and TensorRT in Ubuntu

onnx
cuda
tensorrt
image classification
tutorial
Learn how to quantize timm image classification models with ONNX Runtime and TensorRT for int8 inference.
Nov 11, 2024

Quantizing YOLOX with ONNX Runtime and TensorRT in Ubuntu

pytorch
onnx
cuda
tensorrt
object-detection
yolox
tutorial
Learn how to quantize YOLOX models with ONNX Runtime and TensorRT for int8 inference.
Nov 11, 2024

GPU MODE Lecture 13: Ring Attention

notes
cuda
Lecture #13 explores ring attention, a distributed computing technique for training long-context transformers, discussing its motivation and underlying mechanisms.
Nov 11, 2024

Notes on Seeing What Others Don’t꞉ The Remarkable Ways We Gain Insights

book
notes
My notes from the book Seeing What Others Don’t꞉ The Remarkable Ways We Gain Insights by Gary Klein.
Nov 10, 2024

Deploying YOLOX for Real-Time Object Tracking on the Raspberry Pi AI Kit

onnx
raspberry-pi
hailo
object-detection
object-tracking
yolox
tutorial
Learn how to deploy a quantized YOLOX model on the Raspberry Pi 5 for real-time object detection and tracking using the Raspberry Pi AI Kit.
Oct 15, 2024

Setting Up a Local Python Environment with Mamba for Machine Learning Projects on Windows

mamba
conda
getting-started
tutorial
windows
Learn how to install the Mamba package manager on Windows, set up a local Python environment, and install PyTorch and Jupyter for machine learning projects.
Oct 5, 2024

Notes on The Great Mental Models - Volume 1: General Thinking Concepts

book
notes
My notes from the book The Great Mental Models - Volume 1: General Thinking Concepts by Shane Parrish and Rhiannon Beaubien.
Oct 4, 2024

Notes on Brave New Words: How AI Will Revolutionize Education

book
notes
education
ai
My notes from the book Brave New Words: How AI Will Revolutionize Education (and Why That’s a Good Thing) by Salman Khan.
Oct 4, 2024

Notes on The Demon-Haunted World꞉ Science as a Candle in the Dark

book
notes
history
My notes from the book The Demon-Haunted World꞉ Science as a Candle in the Dark by Carl Sagan and Ann Druyan.
Sep 26, 2024

Getting Started with Intel’s PyTorch Extension for Arc GPUs on Ubuntu

pytorch
ubuntu
image-classification
arc-gpu
getting-started
This tutorial provides a step-by-step guide to setting up Intel’s PyTorch extension on Ubuntu to train computer vision models and run local large language models with Arc GPUs.
Sep 22, 2024

Getting Started with Intel’s PyTorch Extension for Arc GPUs on Windows

pytorch
windows
image-classification
arc-gpu
getting-started
This tutorial provides a step-by-step guide to setting up Intel’s PyTorch extension on Windows to train models with Arc GPUs.
Sep 21, 2024

GPU MODE Lecture 12: Flash Attention

notes
cuda
Lecture #12 provides an introduction to Flash Attention, a highly optimized CUDA kernel for accelerating attention computations in transformer models, including a conceptual overview, tiling strategy, softmax stabilization, and limitations.
Sep 15, 2024

GPU MODE Lecture 11: Sparsity

notes
cuda
Lecture #11 discusses GPU sparsity, specifically semi-structured and block sparsity techniques, for accelerating neural network inference and training by leveraging optimized kernels and sparse data representations.
Sep 15, 2024

GPU MODE Lecture 10: Build a Prod Ready CUDA library

notes
cuda
Lecture #10 explores the challenges of real-time CUDA development, focusing on building a C++ library for efficient GPU communication and task scheduling to abstract away CUDA complexities for non-expert users while maintaining performance.
Sep 15, 2024

GPU MODE Lecture 9: Reductions

notes
cuda
Lecture #9 covers parallel reduction algorithms for GPUs, focusing on optimizing their implementation in CUDA by addressing control divergence, memory divergence, minimizing global memory accesses, and thread coarsening, ultimately demonstrating how these techniques are employed in machine learning frameworks like PyTorch and Triton.
Sep 14, 2024

Notes on Trends in Deep Learning Hardware: Bill Dally (NVIDIA)

notes
cuda
In this lecture, Bill Dally discusses the historical progress of deep learning, driven by hardware advancements, especially GPUs, and explores future directions focusing on improving performance and efficiency through techniques like optimized number representation, sparsity, and specialized hardware accelerators.
Sep 11, 2024

GPU MODE Lecture 8: CUDA Performance Checklist

notes
cuda
Lecture #8 provides a comprehensive guide to CUDA performance optimization techniques, covering key concepts like memory coalescing, occupancy, control divergence, tiling, privatization, thread coarsening, and algorithm rewriting with better math, illustrated with practical examples and profiling using NCU to improve kernel performance.
Sep 11, 2024

GPU MODE Lecture 7: Advanced Quantization

notes
cuda
Lecture #7 discusses GPU quantization techniques in PyTorch, focusing on performance optimizations using Triton and CUDA kernels for dynamic and weight-only quantization, including challenges and future directions.
Sep 10, 2024

Deploying YOLOX for Real-Time Object Tracking on Jetson Orin Nano

onnx
cuda
tensorrt
object-detection
object-tracking
yolox
tutorial
jetson
Learn how to deploy a quantized YOLOX model on an NVIDIA Jetson Orin Nano for real-time object detection and tracking using ONNX Runtime with TensorRT.
Sep 6, 2024

Notes on Atomic Awakening: A New Look at the History and Future of Nuclear Power

book
notes
history
My notes from the book Atomic Awakening: A New Look at the History and Future of Nuclear Power by James Mahaffey.
Sep 3, 2024

Notes on Where Is My Flying Car?

book
notes
history
My notes from the book Where Is My Flying Car? by J. Storrs Hall.
Sep 2, 2024

GPU MODE Lecture 6: Optimizing Optimizers in PyTorch

notes
cuda
Lecture #6 explores PyTorch’s optimization strategies for speeding up optimizers, focusing on techniques like kernel fusion and multi-tensor apply to reduce kernel launch overhead and improve runtime performance.
Sep 2, 2024

Notes on Why Greatness Cannot Be Planned

book
notes
personal-growth
professional-growth
ai
My notes from the book Why Greatness Cannot Be Planned: The Myth of the Objective by Kenneth O. Stanley and Joel Lehman.
Sep 1, 2024

GPU MODE Lecture 5: Going Further with CUDA for Python Programmers

notes
cuda
Lecture #5 explores how to optimize matrix multiplication in CUDA for Python programmers using shared memory and tiling, comparing implementations in pure Python, CUDA C, and the Numba library.
Sep 1, 2024

GPU MODE Lecture 4: Compute and Memory Basics

notes
cuda
Lecture #4 provides an overview of CUDA programming fundamentals, focusing on compute architecture, memory management, and optimization strategies like kernel fusion and tiling to achieve high-performance GPU computation.
Aug 31, 2024

GPU MODE Lecture 3: Getting Started With CUDA for Python Programmers

notes
cuda
pytorch
Lecture #3 provides a beginner-friendly introduction to CUDA programming with PyTorch, demonstrating how to write and execute CUDA kernels within a Python environment for tasks like image processing and matrix multiplication.
Aug 31, 2024

Livestream: Lessons from a Year of Building with LLMs

notes
llms
This live discussion between six AI experts and practitioners centers on the practical lessons learned from a year of building real-world applications with LLMs, emphasizing the critical importance of data literacy, rigorous evaluation, and iterative development processes.
Aug 30, 2024

Conference Talk 20: Back to Basics for RAG

notes
llms
In this talk, Jo Kristian Bergum from Vespa.ai explores practical strategies for building better Retrieval Augmented Generation (RAG) applications, emphasizing the importance of robust evaluation methods and understanding the nuances of information retrieval beyond simple vector embeddings.
Aug 30, 2024

Conference Talk 19: Fine Tuning LLMs for Function Calling

notes
llms
In this talk, Pawell Garbacki from Fireworks.ai covers the process and best practices of finetuning an LLM for function/tool use.
Aug 30, 2024

Office Hours 8: Predibase

notes
llms
This Q&A session with Predibase compares and contrasts Lorax, an open-source adapter-tuning library for large language models, with other similar libraries, highlighting its performance optimizations, unique features like dynamic adapter loading and support for various adapter types, and its role in a broader machine learning infrastructure strategy.
Aug 29, 2024

Conference Talk 18: Fine-Tuning OpenAI Models - Best Practices

notes
llms
In this talk, Steven Heidel from OpenAI’s fine-tuning team covers best practices, use cases, and recent updates for fine-tuning OpenAI models.
Aug 29, 2024

Conference Talk 17: Language Models on the Command-Line

notes
llms
In this talk, Simon Willison showcases LLM, a command-line tool for interacting with large language models, including how to leverage its plugin system, local model support, embedding capabilities, and integration with other Unix tools for tasks like retrieval augmented generation.
Aug 29, 2024

Conference Talk 16: A Deep Dive on LLM Evaluation

notes
llms
In this talk, Hailey Schoelkopf from Eleuther AI provides an overview of the challenges in LLM evaluation, exploring different measurement techniques, highlighting reproducibility issues, and advocating for best practices like sharing evaluation code and using task-specific downstream evaluations.
Aug 29, 2024

Notes on Chip War: The Fight for the World’s Most Critical Technology

book
notes
history
My notes from the book Chip War: The Fight for the World’s Most Critical Technology by Chris Miller.
Aug 28, 2024

Notes on The Kill Chain꞉ Defending America in the Future of High-Tech Warfare

book
notes
history
My notes from the book The Kill Chain꞉ Defending America in the Future of High-Tech Warfare by Christian Brose.
Aug 27, 2024

Office Hours 7: Replicate

notes
llms
This Q&A session on the Replicate platform covers topics like enterprise readiness, model deployment, application layers for LLMs, data privacy, logging, and potential future features.
Aug 25, 2024

Notes on Weapons of Mass Instruction: A Schoolteacher’s Journey Through the Dark World of Compulsory Schooling

book
notes
education
history
My notes from the book Weapons of Mass Instruction: A Schoolteacher’s Journey Through the Dark World of Compulsory Schooling by John Taylor Gatto.
Aug 25, 2024

Conference Talk 15: Modal - Simple Scalable Serverless Services

notes
llms
In this talk, Charles Frye provides a deeper dive into Modal, exploring its capabilities beyond fine-tuning LLMs and demonstrating how it empowers users to build and deploy scalable, cost-efficient, and serverless applications with simplicity using Python.
Aug 25, 2024

Notes on The Learning Game꞉ Teaching Kids to Think for Themselves, Embrace Challenge, and Love Learning

book
education
notes
My notes from the book The Learning Game: Teaching Kids to Think for Themselves, Embrace Challenge, and Love Learning by Ana Lorena Fábrega.
Aug 3, 2024

Notes on Dumbing Us Down: The Hidden Curriculum of Compulsory Schooling

book
notes
education
history
My notes from the book Dumbing Us Down: The Hidden Curriculum of Compulsory Schooling by John Taylor Gatto.
Aug 3, 2024

Conference Talk 14: Explaining the Basics of Retrieval Augmented Generation

notes
llms
In this talk, Ben Clavié from Answer.ai deconstructs the concept of Retrieval-Augmented Generation (RAG) and walks through building a robust, basic RAG pipeline.
Aug 2, 2024

Conference Talk 13: When to Fine-Tune with Paige Bailey

notes
llms
In this talk, Paige Bailey, Generative AI Developer Relations lead at Google, discusses Google’s AI landscape with a focus on Gemini models and their applications.
Jul 25, 2024

Conference Talk 12: Slaying OOMs with PyTorch FSDP and torchao

notes
llms
In this talk, Mark Saroufim and Jane Xu, discuss techniques and tools for mitigating Out of Memory (OOM) errors in PyTorch, specifically when working with LLMs.
Jul 24, 2024

Conference Talk 10: Systematically Improving RAG Applications

notes
llms
In this talk, Jason Liu covers a a systematic approach to improving Retrieval Augmented Generation (RAG) applications.
Jul 20, 2024

Conference Talk 9: Why Fine-Tuning is Dead

notes
llms
In this talk, Emmanuel Ameisen from Anthropic argues that fine-tuning LLMs is often less effective and efficient than focusing on fundamentals like data quality, prompting, and Retrieval Augmentation Generation (RAG).
Jul 19, 2024

Conference Talk 8: Creating, curating, and cleaning data for LLMs

notes
llms
In this talk, Daniel van Strien from 🤗 outlines key considerations and techniques for creating high-quality datasets for fine-tuning LLMs.
Jul 18, 2024

Conference Talk 7: Best Practices For Fine Tuning Mistral

notes
llms
In this talk, Sophia Yang from Mistal AI covers best practices for fine-tuning Mistral language models. It covers Mistral’s capabilities, the benefits of fine-tuning over prompting, and provides practical demos using the Mistral Fine-tuning API and open-source codebase.
Jul 18, 2024

Workshop 4: Instrumenting & Evaluating LLMs

notes
llms
Workshop #4 focuses on the practical aspects of deploying fine-tuned LLMs, covering various deployment patterns, performance optimization techniques, and platform considerations.
Jul 17, 2024

Conference Talk 6: Train Almost Any LLM Model Using 🤗 autotrain

notes
llms
In this talk, Abhishek Thakur, who leads AutoTrain at 🤗, shows how to use 🤗 AutoTrain to train/fine-tune LLMs without having to write any code.
Jul 12, 2024

Office Hours 6: Johno Whitaker

notes
llms
This Q&A session covers a wide range of topics related to LLMs, including practical tips for training and optimization, insights into the current research landscape, and thoughts on future trends.
Jul 11, 2024

Conference Talk 5: Napkin Math For Fine Tuning with Johno Whitaker

notes
llms
In this talk, Jonathan Whitaker from answer.ai shows how to build intuition around training performance with a focus on GPU-poor fine tuning.
Jul 7, 2024

Office Hours 5: LangChain/LangSmith

notes
llms
This Q&A session on LangChain/LangSmith covers topics like product differentiation, features, use cases, agent workflows, data set creation, and full-stack development for ML engineers.
Jul 6, 2024

Office Hours 4: Modal with Charles Frye

notes
llms
This Q&A session covers a wide array of topics related to Modal, a platform designed to simplify the execution of Python code in the cloud.
Jul 6, 2024

Conference Talk 4: Inspect - An OSS Framework for LLM Evals

notes
llms
In this talk, J.J. Allaire walks through the core concepts and design of the Inspect framework and demonstrate its use for a variety of evaluation tasks.
Jul 6, 2024

Conference Talk 3: Prompt Engineering Workshop

notes
llms
This talk by John Berryman covers the fundamentals of language models, prompt engineering techniques, and building LLM applications.
Jun 30, 2024

Conference Talk 2: LLM Eval For Text2SQL

notes
llms
This talk by Ankur Goyal from BrainTrust covers how to build evals for LLM systems by walking through a Text2SQL use case.
Jun 29, 2024

Workshop 3: Instrumenting & Evaluating LLMs

notes
llms
Workshop #3 focuses on the crucial role of evaluation in fine-tuning and improving LLMs. It covers three main types of evaluations: unit tests, LLM as a judge, and human evaluation.
Jun 20, 2024

Office Hours 3: Gradio Q&A Session with Freddy Boulton

notes
llms
Freddy showcases Gradio’s features, advantages, and repository contributions, highlighting its potential for AI applications. He concludes with insights into its future roadmap, which includes enhanced agent workflows, real-time streaming, and improved UI features.
Jun 14, 2024

Office Hours 2: Q&A Session with Zach Mueller

notes
llms
This Q&A session covers various aspects of LLM fine-tuning, including tools, techniques, data sets, and hardware considerations.
Jun 11, 2024

Office Hours 1: Axolotl Q&A with Wing Lian

notes
llms
This Q&A session covered various topics, including template-free prompt construction, data type selection for HuggingFace datasets, DPO and RLHF, understanding chat templates and dataset types, ensuring consistent tokenization, multimodal fine-tuning, and future directions for Axolotl.
Jun 11, 2024

Conference Talk 1: Ten Commandments to Deploy Fine-Tuned Models in Production

notes
llms
This talk by Kyle Corbitt from OpenPipe outlines ten key recommendations for successfully deploying fine-tuned language models (LLMs) in production.
Jun 10, 2024

Workshop 2: Fine-Tuning with Axolotl

notes
llms
Workshop #2 builds on Workshop 1 to focus on practical fine-tuning of LLMs, covering model selection, fine-tuning techniques with Axolotl, data quality improvement, debugging, and using tools like Accelerate and Modal.
Jun 9, 2024

GPU MODE Lecture 2: Ch.1-3 PMPP Book

notes
cuda
pytorch
Lecture #2 provides an introduction to parallel programming with CUDA C, covering key concepts like heterogeneous computing, data parallelism, thread organization, and memory management, and showcasing examples such as vector addition, image blurring, and matrix multiplication.
Jun 6, 2024

Workshop 1: When and Why to Fine-Tune an LLM

notes
llms
Workshop #1 provides a practical overview of fine-tuning large language models, focusing on when it is and is not beneficial, emphasizing a workflow of simplification, prototyping, and iterative improvement using evaluations.
May 31, 2024

GPU MODE Lecture 1: How to profile CUDA kernels in PyTorch

notes
cuda
pytorch
Lecture #1 provides a practical introduction to integrating and profiling custom CUDA kernels within PyTorch programs, using tools like load_inline, Triton, and NVIDIA Nsight Compute.
Apr 26, 2024

Setting Up CUDA for Python on Ubuntu

mamba
conda
cuda
getting-started
tutorial
Learn how to setup up NVIDIA CUDA on Ubuntu with the Mamba/Conda package manager. Based on Jeremy Howard’s lecture, Getting Started With CUDA for Python Programmers.
Mar 8, 2024

Notes on The Path of Least Resistance

book
notes
personal-growth
professional-growth
My notes from the book The Path of Least Resistance: Learning to Become the Creative Force in Your Own Life by Robert Fritz.
Feb 17, 2024

Exporting Keypoint R-CNN Models from PyTorch to ONNX

pytorch
onnx
keypoint-rcnn
keypoint-estimation
tutorial
Learn how to export Keypoint R-CNN models from PyTorch to ONNX and perform inference using ONNX Runtime.
Jan 30, 2024

Training Keypoint R-CNN Models with PyTorch

pytorch
keypoint-rcnn
keypoint-estimation
tutorial
Learn how to train Keypoint R-CNN models on custom datasets with PyTorch.
Jan 29, 2024

How to Create Custom Torchvision V2 Transforms

pytorch
object-detection
instance-segmentation
tutorial
Learn how to create custom Torchvision V2 Transforms that support bounding box annotations.
Jan 23, 2024

Working with LabelMe Segmentation Annotations in Torchvision

pytorch
image-annotation
object-detection
instance-segmentation
tutorial
Learn how to work with LabelMe segmentation annotations in torchvision for instance segmentation tasks.
Jan 21, 2024

Working with LabelMe Keypoint Annotations in Torchvision

pytorch
image-annotation
keypoint-estimation
tutorial
Learn how to work with LabelMe keypoint annotations in torchvision for keypoint estimation tasks.
Jan 21, 2024

Working with LabelMe Bounding Box Annotations in Torchvision

pytorch
image-annotation
object-detection
tutorial
Learn how to work with LabelMe bounding box annotations in torchvision for object detection tasks.
Jan 21, 2024

Working with CVAT Segmentation Annotations in Torchvision

pytorch
image-annotation
instance-segmentation
tutorial
Learn how to work with CVAT segmentation annotations in torchvision for instance segmentation tasks.
Jan 21, 2024

Working with CVAT Keypoint Annotations in Torchvision

pytorch
image-annotation
keypoint-estimation
tutorial
Learn how to work with CVAT keypoint annotations in torchvision for keypoint estimation tasks.
Jan 21, 2024

Working with CVAT Bounding Box Annotations in Torchvision

pytorch
image-annotation
object-detection
tutorial
Learn how to work with CVAT bounding box annotations in torchvision for object detection tasks.
Jan 21, 2024

Working with COCO Segmentation Annotations in Torchvision

pytorch
image-annotation
instance-segmentation
tutorial
Learn how to work with COCO segmentation annotations in torchvision for instance segmentation tasks.
Jan 21, 2024

Working with COCO Bounding Box Annotations in Torchvision

pytorch
image-annotation
object-detection
tutorial
Learn how to work with COCO bounding box annotations in torchvision for object detection tasks.
Jan 21, 2024

Real-Time Object Tracking with YOLOX and ByteTrack

onnx
object-detection
object-tracking
yolox
byte-track
tutorial
Learn how to track objects across video frames with YOLOX and ByteTrack.
Oct 27, 2023

Real-Time Object Detection in Unity with ONNX Runtime and DirectML

onnx
directml
yolox
object-detection
unity
tutorial
Learn how to integrate a native plugin within the Unity game engine for real-time object detection using ONNX Runtime.
Oct 20, 2023

Building a Computer Vision Plugin for Unity with ONNX Runtime

onnx
directml
unity
tutorial
Learn how to create a native plugin for the Unity game engine to perform inference with computer vision models using ONNX Runtime.
Oct 19, 2023

Integrating OpenCV with Visual Studio C++ Projects on Windows

opencv
visual-studio
getting-started
tutorial
Learn how to set up OpenCV within a Visual Studio C++ project by creating a simple console app that loads an image file and displays it in a new window.
Oct 10, 2023

Exporting timm Image Classifiers from Fastai to TorchScript

fastai
libtorch
image-classification
tutorial
Learn how to export timm image classification models from PyTorch to TorchScript for optimized, platform-independent deployment and enhanced performance.
Oct 8, 2023

Exporting timm Image Classifiers from Fastai to ONNX

fastai
onnx
image-classification
tutorial
Learn how to export timm image classification models from Fastai to ONNX and perform inference using ONNX Runtime.
Oct 7, 2023

Fine-Tuning Image Classifiers with Fastai and the timm library for Beginners

fastai
image-classification
tutorial
Learn how to fine-tune image classification models with fastai and the timm library by creating a hand gesture recognizer in this easy-to-follow guide for beginners.
Oct 6, 2023

Exporting YOLOX Models from PyTorch to TensorFlow.js

pytorch
tensorflow
tensorflow-js
yolox
tutorial
Learn how to export YOLOX models from PyTorch to TensorFlow.js to leverage efficient object detection in web applications.
Sep 28, 2023

Exporting Mask R-CNN Models from PyTorch to ONNX

pytorch
onnx
mask-rcnn
object-detection
instance-segmentation
tutorial
Learn how to export Mask R-CNN models from PyTorch to ONNX and perform inference using ONNX Runtime.
Sep 21, 2023

Training Mask R-CNN Models with PyTorch

pytorch
mask-rcnn
object-detection
instance-segmentation
tutorial
Learn how to train Mask R-CNN models on custom datasets with PyTorch.
Sep 20, 2023

Testing Intel’s Arc A770 GPU for Deep Learning Pt. 4

pytorch
ubuntu
arc-gpu
This post covers my findings testing the first version of Intel’s PyTorch extension to support PyTorch 2.0 on native Ubuntu and Windows.
Sep 11, 2023

Exporting timm Image Classifiers from PyTorch to ONNX

pytorch
onnx
image-classification
tutorial
Learn how to export timm image classification models from PyTorch to ONNX and perform inference using ONNX Runtime.
Aug 23, 2023

Exporting YOLOX Models from PyTorch to ONNX

pytorch
onnx
object-detection
yolox
tutorial
Learn how to export YOLOX models from PyTorch to ONNX and perform inference using ONNX Runtime.
Aug 22, 2023

Training YOLOX Models for Real-Time Object Detection in PyTorch

pytorch
object-detection
yolox
tutorial
Learn how to train YOLOX models for real-time object detection in PyTorch by creating a hand gesture detection model.
Aug 21, 2023

Testing Intel’s Arc A770 GPU for Deep Learning Pt. 3

pytorch
ubuntu
arc-gpu
This post covers my findings from training style transfer models and running Stable Diffusion with the 🤗 Diffusers library on the Arc A770 with Intel’s PyTorch extension.
Jun 12, 2023

Testing Intel’s Arc A770 GPU for Deep Learning Pt. 2

pytorch
ubuntu
wsl2
image-classification
arc-gpu
This post covers my experience training image classification models with Intel’s PyTorch extension on the Arc A770 GPU.
May 30, 2023

Fine-Tuning Image Classifiers with PyTorch and the timm library for Beginners

pytorch
image-classification
tutorial
Learn how to fine-tune image classification models with PyTorch and the timm library by creating a hand gesture recognizer in this easy-to-follow guide for beginners.
May 24, 2023

How to Obtain a Kaggle API Key

kaggle
getting-started
tutorial
This tutorial provides a step-by-step guide to obtaining a Kaggle API key.
May 17, 2023

Getting Started with Google Colab

google-colab
getting-started
tutorial
Learn the fundamentals of Google Colab, a free cloud-based Jupyter Notebook environment, to write, run, and share Python code in your browser without any setup or installation.
May 14, 2023

Code Walkthrough: Unity Barracuda Inference PoseNet Package

unity
walkthrough
Walk through the code for the Unity Barracuda Inference PoseNet package, which extends the functionality of unity-barracuda-inference-base to perform 2D human pose estimation using PoseNet models.
May 7, 2023

Code Walkthrough: Unity Human Pose 2D Toolkit Package

unity
walkthrough
Walk through the code for the Unity Human Pose 2D Toolkit package, which provides an easy-to-use and customizable solution to work with and visualize 2D human poses on a Unity canvas.
May 6, 2023

Code Walkthrough: Unity Barracuda Inference YOLOX Package

unity
walkthrough
Walk through the code for the Unity Barracuda Inference YOLOX package, which extends the functionality of unity-barracuda-inference-base to perform object detection using YOLOX models.
May 6, 2023

Code Walkthrough: Unity Barracuda Inference Image Classification Package

unity
walkthrough
Walk through the code for the Unity Barracuda Inference Image Classification package, which extends the functionality of unity-barracuda-inference-base to perform image classification using computer vision models.
May 6, 2023

Code Walkthrough: Unity YOLOX Utilities Package

unity
walkthrough
Walk through the code for the Unity YOLOX Utilities package, which provides utility functions to work with YOLOX object detection models in Unity.
May 5, 2023

Code Walkthrough: Unity Bounding Box 2D Toolkit Package

unity
walkthrough
Walk through the code for the Unity Bounding Box 2D Toolkit package, which provides an easy-to-use and customizable solution to work with and visualize 2D bounding boxes on a Unity canvas.
May 5, 2023

Code Walkthrough: Unity Barracuda Inference Base Package

unity
walkthrough
Walk through the code for the Unity Barracuda Inference Base package, which provides a foundation for performing inference with the Barracuda inference library.
May 5, 2023

Code Walkthrough: Unity Deep Learning Image Preprocessor Package

unity
walkthrough
Walk through the code for the Unity Deep Learning Image Preprocessor package, a utility for preparing image input to perform inference with deep learning models in Unity.
May 4, 2023

Code Walkthrough: Unity CV Image Gallery Package

unity
walkthrough
Walk through the code for the Unity CV Image Gallery package, an interactive image gallery to facilitate testing computer vision applications in Unity projects.
May 3, 2023

Code Walkthrough: Unity Media Display Package

unity
walkthrough
Walk through the code for the Unity Media Display package, a tool for displaying test images, videos, and webcam streams in Unity projects.
Apr 25, 2023

Exploring the Impact of Different Image Augmentations on Hand Gesture Recognition

miniai
Explore how data augmentation can improve a computer vision model’s ability to generalize to new input using a hand gesture dataset.
Mar 9, 2023

Testing Intel’s Arc A770 GPU for Deep Learning Pt. 1

directml
openvino
pytorch
unity
arc-gpu
I tested inference performance with OpenVINO and DirectML on the A770 and attempted to train models using PyTorch-DirectML.
Oct 18, 2022

Using TensorFlow.js for In-Browser Object Detection in Unity

unity
tensorflow
webgl
yolox
object-detection
tutorial
Create a TensorFlow.js plugin for the Unity game engine to perform object detection with a YOLOX model.
Oct 16, 2022

Using Fastai and TensorFlow.js for Hand Gesture Recognition in Unity Pt. 3

fastai
unity
tensorflow
webgl
tutorial
Build a Unity project as a WebGL application and host it using GitHub Pages.
Oct 6, 2022

Using Fastai and TensorFlow.js for Hand Gesture Recognition in Unity Pt. 2

fastai
unity
tensorflow
webgl
tutorial
Create a TensorFlow.js plugin for the Unity game engine.
Oct 5, 2022

Using Fastai and TensorFlow.js for Hand Gesture Recognition in Unity Pt. 1

fastai
unity
tensorflow
webgl
tutorial
Train a hand gesture classifier using fastai and export it to TensorFlow.js.
Oct 4, 2022

How to Create an OpenVINO Plugin for Unity on Windows Pt. 3

fastai
openvino
unity
tutorial
Modify the Unity project from the fastai-to-unity tutorial to classify images with OpenVINO.
Jul 18, 2022

How to Create an OpenVINO Plugin for Unity on Windows Pt. 2

fastai
openvino
unity
tutorial
Create a dynamic link library (DLL) file in Visual Studio to perform image classification with OpenVINO.
Jul 17, 2022

How to Create an OpenVINO Plugin for Unity on Windows Pt. 1

fastai
openvino
unity
tutorial
Modify the training code from the fastai-to-unity tutorial to export the model to OpenVINO.
Jul 17, 2022

How to Create a LibTorch Plugin for Unity on Windows Pt. 3

fastai
libtorch
unity
tutorial
Modify the Unity project from the fastai-to-unity tutorial to classify images with LibTorch.
Jun 28, 2022

How to Create a LibTorch Plugin for Unity on Windows Pt. 2

fastai
libtorch
unity
tutorial
Create a dynamic link library (DLL) file in Visual Studio to perform image classification using LibTorch.
Jun 28, 2022

How to Create a LibTorch Plugin for Unity on Windows Pt. 1

fastai
libtorch
unity
tutorial
Modify the training code from the fastai-to-unity tutorial to export the model to a TorchScript module.
Jun 28, 2022

Fastai to Unity Beginner Tutorial Pt. 3

fastai
unity
barracuda
tutorial
Build a Unity project as a WebGL application and host it using GitHub Pages.
Jun 8, 2022

Fastai to Unity Beginner Tutorial Pt. 2

fastai
unity
barracuda
tutorial
Classify images in a Unity project with the Barracuda inference library.
Jun 7, 2022

Fastai to Unity Beginner Tutorial Pt. 1

fastai
unity
barracuda
tutorial
Train an image classifier using the fastai library and export it to ONNX.
Jun 6, 2022

Getting Started With Deep Learning in Unity

unity
barracuda
An overview of Unity’s Barracuda inference library for executing deep learning models on user devices.
May 28, 2022

Notes on No ML Degree: How to Build an AI Portfolio

book
professional-growth
notes
My notes on Emil Wallner’s guide on how to land your first machine learning job without a degree.
May 27, 2022

Notes on Transformers Book Ch. 11

ai
huggingface
nlp
notes
Chapter 11 explores scaling up transformers, methods to make self-attention more efficient, and multimodel transformers.
Apr 26, 2022

Notes on Transformers Book Ch. 10

ai
huggingface
nlp
notes
Chapter 10 covers how to train a GPT-like model to generate Python source code from scratch.
Apr 25, 2022

Notes on Transformers Book Ch. 9

ai
huggingface
nlp
notes
Chapter 9 covers how to deal with few to no labels by training a model that automatically tags GitHub issues for the Hugging Face Transformers library.
Apr 22, 2022

Notes on Transformers Book Ch. 8

ai
huggingface
nlp
notes
Chapter 8 covers different methods to make transformer models more efficient in production.
Apr 14, 2022

Notes on Transformers Book Ch. 7

ai
huggingface
nlp
notes
Chapter 7 covers building a question-answering model that finds answers to questions in customer reviews.
Apr 12, 2022

Notes on Transformers Book Ch. 6

ai
huggingface
nlp
notes
Chapter 6 covers building an encoder-decoder model to condense dialogues between several people into a crisp summary.
Apr 10, 2022

Notes on Transformers Book Ch. 5

ai
huggingface
nlp
notes
Chapter 5 covers different methods for generating text with GPT-2.
Apr 8, 2022

Notes on Transformers Book Ch. 4

ai
huggingface
nlp
notes
Chapter 4 covers fine-tuning a multilingual transformer model to perform named entity recognition.
Apr 7, 2022

Notes on Transformers Book Ch. 3

ai
huggingface
nlp
notes
Chapter 3 covers the Transformer architecture and different types of transformer models available on the Hugging Face Hub.
Apr 6, 2022

Notes on Transformers Book Ch. 2

ai
huggingface
nlp
notes
Chapter 2 covers training a model to classify emotions expressed in Twitter messages.
Apr 1, 2022

Notes on Transformers Book Ch. 1

ai
huggingface
nlp
notes
Chapter 1 covers essential advancements for transformers, recurrent architectures, the encoder-decoder framework, attention mechanisms, transfer learning in NLP, and the HuggingFace ecosystem.
Mar 30, 2022

Notes on fastai Book Ch. 19

ai
fastai
notes
pytorch
Chapter 19 covers creating a fast.ai Learner from scratch.
Mar 29, 2022

Notes on fastai Book Ch. 18

ai
fastai
notes
pytorch
Chapter 18 covers interpreting convolutional neural networks using class-activation maps.
Mar 29, 2022

Notes on fastai Book Ch. 17

ai
fastai
notes
pytorch
Chapter 17 covers building a neural network from the foundations.
Mar 29, 2022

Notes on fastai Book Ch. 16

ai
fastai
notes
pytorch
Chapter 16 covers momentum, RMSProp, Adam, decoupled weight decay, and fast.ai callbacks.
Mar 29, 2022

Notes on fastai Book Ch. 15

ai
fastai
notes
pytorch
Chapter 15 provides a deep dive into different application architectures in the fast.ai library.
Mar 29, 2022

Notes on fastai Book Ch. 14

ai
fastai
notes
pytorch
Chapter 14 covers building a ResNet from scratch.
Mar 29, 2022

Notes on fastai Book Ch. 13

ai
fastai
notes
pytorch
Chapter 13 provides a deep dive into convolutional neural networks.
Mar 29, 2022

Notes on fastai Book Ch. 12

ai
fastai
notes
pytorch
Chapter 12 covers building and training an LSTM from scratch.
Mar 29, 2022

Notes on fastai Book Ch. 11

ai
fastai
notes
pytorch
Chapter 11 covers data munging with fast.ai’s mid-level data API.
Mar 29, 2022

Notes on fastai Book Ch. 10

ai
fastai
notes
pytorch
Chapter 10 covers text preprocessing and training an RNN for text classification.
Mar 29, 2022

Notes on fastai Book Ch. 09

ai
fastai
notes
pytorch
Chapter 9 provides a deep dive into tabular modeling.
Mar 29, 2022

Notes on fastai Book Ch. 8

ai
fastai
notes
pytorch
Chapter 8 provides a deep dive into collaborative filtering.
Mar 28, 2022

Notes on fastai Book Ch. 7

ai
fastai
notes
pytorch
Chapter 7 covers data normalization, progressive resizing, test-time augmentation, mixup, and label smoothing.
Mar 14, 2022

Notes on fastai Book Ch. 6

ai
fastai
notes
pytorch
Chapter 6 covers multi-label classification and image regression.
Mar 14, 2022

Notes on fastai Book Ch. 5

ai
fastai
notes
pytorch
Chapter 5 covers creating a custom DataBlock for an image classifier, pre-sizing, cross-entropy loss, model interpretation, picking learning rates, transfer learning, and discriminative learning rates.
Mar 14, 2022

Notes on fastai Book Ch. 4

ai
fastai
notes
pytorch
Chapter 4 covers broadcasting, stochastic gradient descent, the MNIST loss function, and the sigmoid activation functions.
Mar 14, 2022

Notes on fastai Book Ch. 3

ai
ethics
fastai
notes
Chapter 3 defines data ethics, introduces essential topics in data ethics, and explains how to identify and address ethical issues.
Mar 14, 2022

Notes on fastai Book Ch. 2

ai
fastai
notes
pytorch
Chapter 2 covers how to train an image classification model using a custom dataset and turn it into an online application.
Mar 14, 2022

Notes on fastai Book Ch. 1

ai
fastai
notes
pytorch
Chapter 1 covers the history of artificial neural networks, approaches for learning ML/DL, and using the fast.ai library for multiple deep learning tasks.
Mar 14, 2022

Barracuda PoseNet WebGL Tutorial

unity
barracuda
webgl
tutorial
Modify the Barracuda PoseNet project to run in a browser using WebGL.
Mar 10, 2022

Notes on the Streamlit API

python
streamlit
numpy
pandas
notes
My notes and reference examples for working with the Streamlit API.
Jan 2, 2022

Notes on Creating Data Science Apps With Streamlit

python
streamlit
numpy
pandas
notes
My notes from Chanin Nantasenamat’s video on creating data science web apps with Streamlit.
Jan 2, 2022

Notes on Backtracking Problems in Python

python
notes
My notes from Lynn Zheng’s video on solving LeetCode backtracking problems.
Dec 31, 2021

Notes on Version Control

git
notes
My notes from Tobias Gunther’s video covering tools and concepts for version control with git.
Dec 29, 2021

Notes on Practical Procedural Generation

procedural-generation
notes
My notes from Kate Compton’s talk on practical techniques for procedural generation.
Dec 29, 2021

Notes on Git Branches

git
notes
My notes from Tobias Gunther’s video covering git branches.
Dec 29, 2021

Notes on Advanced Git Tools

git
notes
My notes from Tobias Gunther’s video covering advanced git tools.
Dec 29, 2021

Notes on 1D Nonlinear Transformations for Games

game-dev
notes
My notes from Squirrel Eiserloh’s presentation on 1D nonlinear transformations for game development.
Dec 29, 2021

Notes on How to Teach 5 Semesters of Game Design in 1 Class

education
game-dev
notes
My notes from Jason Wiser’s talk on how he teaches a class that covers 5 semesters worth of game design in a single semester.
Dec 29, 2021

Notes on WaveFunctionCollapse for 3D

procedural-generation
notes
My notes from Martin Donald’s video on using the WaveFunctionCollapse algorithm for 3D modules.
Dec 28, 2021

Notes on Dungeon Generation via WaveFunctionCollapse

procedural-generation
notes
My notes from Brian Bucklew’s talk on procedurally generating dungeon levels using the WaveFunctionCollapse algorithm.
Dec 28, 2021

Notes on StyleGANv2

ai
notes
My notes on the overview of StyleGANv2 by Henry AI Labs.
Dec 16, 2021

Notes on How to Make Money as a Freelance Developer

professional-growth
notes
Luke Ciciliano provides a guide for aspiring freelance web developers, covering whether freelancing is a good fit, how to stand out from the competition, effective sales techniques, and strategies for finding clients.
Dec 16, 2021

Notes on How To Speak

professional-growth
notes
My notes for Patrick Winston’s course on how to speak.
Dec 16, 2021

Notes on Learning Generative Models of 3D Structures

ai
notes
In this presentation, Tao Wu provides a comprehensive overview of generative models for 3D structures, exploring various 3D representations, generative methodologies, and applications.
Dec 9, 2021

Notes on Customizing Your GitHub Profile

github
notes
My notes from learning how to customize my GitHub profile.
Dec 9, 2021

Notes on The Next Leap: How A.I. will change the 3D industry

ai
3d
procedural-generation
notes
In this talk at Blender Conference 2018, Andrew Price explores the potential impact of AI and automation on the 3D industry.
Dec 9, 2021

Notes on Procedural World Generation of Ubisoft’s Far Cry 5

procedural-generation
game-dev
notes
In this presentation from 2018, Etienne Carrier details the procedural pipeline developed for Far Cry 5 using Houdini and Houdini Engine, focusing on its objectives, tools, user workflow, underlying mechanics, and lessons learned during development.
Dec 9, 2021

Notes on Procedural Map Generation Techniques

game-dev
procedural-generation
notes
In this talk, Herbert Wolverson explores various procedural map generation algorithms, demonstrating their implementation and applications in game development, particularly roguelikes.
Dec 9, 2021

Notes on Machine Learning and Level Generation

ai
game-dev
notes
In this presentation from 2017, Ben Berman explores the use of machine learning for generating game content, focusing on techniques that produce results that appear handcrafted rather than procedurally generated.
Dec 9, 2021

Barracuda PoseNet Tutorial 2nd Edition Pt. 7

unity
barracuda
tutorial
Create pose skeletons and manipulate them using output from a PoseNet model.
Jul 30, 2021

Barracuda PoseNet Tutorial 2nd Edition Pt. 6

unity
barracuda
tutorial
Implement the post-processing steps for multi-pose estimation with PoseNet.
Jul 30, 2021

Barracuda PoseNet Tutorial 2nd Edition Pt. 5

unity
barracuda
tutorial
Implement the post-processing steps for single pose estimation with PoseNet.
Jul 29, 2021

Barracuda PoseNet Tutorial 2nd Edition Pt. 4

unity
barracuda
tutorial
Load, modify, and execute the PoseNet models.
Jul 28, 2021

Barracuda PoseNet Tutorial 2nd Edition Pt. 3

unity
barracuda
tutorial
Implement the preprocessing steps for the MobileNet and ResNet PoseNet models.
Jul 27, 2021

Barracuda PoseNet Tutorial 2nd Edition Pt. 2

unity
barracuda
tutorial
Set up a video player and webcam in Unity.
Jul 20, 2021

Barracuda PoseNet Tutorial 2nd Edition Pt. 1

unity
barracuda
tutorial
This tutorial series provides step-by-step instructions for how to perform human pose estimation in Unity with the Barracuda inference library.
Jul 20, 2021

OpenVINO Plugin for Unity Tutorial Pt.3

openvino
style-transfer
tutorial
unity
This post demonstrates how to access the DLL as a plugin inside a Unity project.
Jul 6, 2021

OpenVINO Plugin for Unity Tutorial Pt.1

openvino
style-transfer
tutorial
unity
This post covers the prerequisite software that need to be installed and how to convert a pretrained model from ONNX format to the OpenVINO Intermediate Representation format.
Jul 6, 2021

OpenVINO Plugin for Unity Tutorial Pt. 2

openvino
style-transfer
tutorial
unity
This post walks through the steps needed to create a Dynamic link library (DLL) in Visual Studio to perform inference with the pretrained deep learning model.
Jul 6, 2021

Targeted In-Game Style Transfer Tutorial

style-transfer
unity
tutorial
This post covers how to select which game objects get stylized in the Unity scene.
Jul 4, 2021

Create a Triangle Motion Graphic with the Blender Python API

blender
python
tutorial
This post covers how to create a simple triangle motion graphic in Blender using the Python API.
Mar 27, 2021

Create a Shape Key Motion Graphic with the Blender Python API

blender
python
tutorial
This post covers how to create a simple shape-key motion graphic in Blender using the Python API.
Mar 24, 2021

How to Flip an Image With a Compute Shader

unity
tutorial
This post covers how to flip an image with a compute shader in Unity.
Mar 21, 2021

How to Crop Images With a GPU in Unity

unity
tutorial
This post explains how to efficiently crop images in Unity without writing shaders.
Mar 20, 2021

End-to-End In-Game Style Transfer Tutorial Addendum

style-transfer
pytorch
unity
tutorial
This post covers how to use a different style transfer model that is specialized for video.
Mar 20, 2021

End-to-End In-Game Style Transfer Tutorial Pt.3

style-transfer
pytorch
unity
tutorial
This post covers how implement the style transfer model in Unity with the Barracuda library.
Mar 3, 2021

End-to-End In-Game Style Transfer Tutorial Pt.2

style-transfer
pytorch
unity
tutorial
This post covers how to train an artistic style transfer model with PyTorch in Google Colab.
Feb 26, 2021

End-to-End In-Game Style Transfer Tutorial Pt.1.5 (Optional)

style-transfer
pytorch
unity
tutorial
This post covers how to use the Unity Recorder tool to generate additional training data for our style transfer model.
Feb 26, 2021

End-to-End In-Game Style Transfer Tutorial Pt.1

style-transfer
pytorch
unity
tutorial
This tutorial series covers how to train your own style transfer model with PyTorch and implement it in Unity using the Barracuda library.
Feb 26, 2021

Using PyTorch with CUDA on WSL2 (2020)

log
tutorial
pytorch
wsl2
This post covers my experience getting PyTorch to run with CUDA on WSL2.
Dec 31, 2020

How to Convert TensorFlow Models to ONNX with tf2onnx

tensorflow
onnx
tutorial
This post covers how to use tf2onnx to convert a TensorFlow SavedModel to ONNX.
Oct 21, 2020

In-Game Style Transfer

unity
style-transfer
Some optimization is still required.
Oct 19, 2020

Barracuda Pose Estimation Project Log Pt. 5

unity
log
Back to it.
Oct 19, 2020

Barracuda Pose Estimation Project Log Pt. 4

unity
log
I’m an idiot.
Sep 24, 2020

Barracuda Pose Estimation Project Log Pt. 3

unity
log
I might be doing something wrong.
Sep 22, 2020

Barracuda Pose Estimation Project Log Pt. 2

unity
log
Trying to remove bottlenecks.
Sep 21, 2020

Barracuda Pose Estimation Project Log Pt. 1

unity
log
The journey so far.
Sep 16, 2020

How to Convert a TensorFlow.js Graph Model to a TensorFlow SavedModel

tensorflow
tutorial
A simple example of how to convert a TensorFlow.js graph model to a TensorFlow SavedModel.
Sep 15, 2020
No matching items
    • Content licensed under CC BY-NC-SA 4.0

    • © 2025 Christian J. Mills

    • Code samples licensed under the MIT License