Christian Mills
  • About
Categories
3d
ai
barracuda
blender
career
directml
education
ethics
fastai
game-dev
git
github
huggingface
icevision
instance-segmentation
libtorch
log
mask-rcnn
miniai
nlp
notes
numpy
object-detection
onnx
openvino
pandas
procedural-generation
python
pytorch
recap
reinforcement-learning
streamlit
style-transfer
tensorflow
tutorial
unity
webgl
wsl2
yolox

Posts

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

Training a Mask R-CNN Model on a Custom Dataset With IceVision

icevision
mask-rcnn
object-detection
instance-segmentation
tutorial

Train a Mask R-CNN model on a custom dataset using the IceVision library and perform inference with ONNX Runtime.

Dec 2, 2022

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

directml
openvino
pytorch
unity

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

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

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

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

Train a hand gesture classifier using fastai and export it to TensorFlow.js.

Oct 4, 2022

Real-Time Object Detection in Unity With ONNX and DirectML Pt. 2

onnx
directml
yolox
object-detection
unity
tutorial

Perform object detection in a Unity project with ONNX Runtime and DirectML.

Aug 19, 2022

Real-Time Object Detection in Unity With ONNX and DirectML Pt. 1

onnx
directml
yolox
object-detection
unity
tutorial

Create a dynamic link library (DLL) file in Visual Studio to perform object detection with a YOLOX model using ONNX Runtime and DirectML.

Aug 18, 2022

A Step-by-Step Guide to Object Detection in Unity with IceVision and OpenVINO Pt. 3

icevision
openvino
yolox
object-detection
unity
tutorial

Perform object detection in a Unity project with OpenVINO.

Aug 10, 2022

A Step-by-Step Guide to Object Detection in Unity with IceVision and OpenVINO Pt. 2

icevision
openvino
yolox
object-detection
unity
tutorial

Create a dynamic link library (DLL) file in Visual Studio to perform object detection with a YOLOX model using OpenVINO.

Aug 9, 2022

A Step-by-Step Guide to Object Detection in Unity with IceVision and OpenVINO Pt. 1

icevision
openvino
yolox
object-detection
unity
tutorial

Train a YOLOX model using IceVision and export it to OpenVINO.

Aug 8, 2022

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

fastai
openvino
unity

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

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

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

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

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

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

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

Classify images in a Unity project with the Barracuda inference library.

Jun 7, 2022

Fastai to Unity Beginner Tutorial Pt. 1

fastai
unity
barracuda

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 Book

career
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 The Hugging Face Deep RL Class Pt.2

ai
huggingface
reinforcement-learning
notes

Unit 2 introduces monte carlo, temporal difference learning, and Q-learning.

May 26, 2022

Notes on The Hugging Face Deep RL Class Pt.1

ai
huggingface
reinforcement-learning
notes

Unit 1 introduces the basic concepts for reinforcement learning and covers how to train an agent for the classic lunar lander environment.

May 5, 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 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 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 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 Making Money as a Freelance Developer

career
notes

My notes on some tips for making money as a freelance developer by Luke Ciciliano on freeCodeCamp.

Dec 16, 2021

Notes on How To Speak

career
notes

My notes for Patrick Winston’s course on how to speak.

Dec 16, 2021

Notes on the Procedural Tools Used to Make Far Cry 5

procedural-generation
game-dev
notes

My notes from Etienne Carrier’s overview of the procedural tools developed to create Far Cry 5.

Dec 9, 2021

Notes on Procedural Map Generation Techniques

game-dev
procedural-generation
notes

My notes on Herbert Wolverson’s talk on procedural map generation techniques from the 2020 virtual Roguelike Celebration.

Dec 9, 2021

Notes on Machine Learning and Level Generation

ai
game-dev
notes

My notes from Ben Berman’s 2017 talk on machine learning and level generation.

Dec 9, 2021

Notes on Learning Generative Models of 3D Structures

ai
notes

My notes from an overview of the Learning Generative Models of 3D Structures paper.

Dec 9, 2021

Notes on How A.I. Will Change the 3D Industry

ai
3d
notes

My notes from Andrew Price’s talk at Blender Conference 2018 on how A.I. will change the 3D industry.

Dec 9, 2021

Notes on Customizing Your GitHub Profile

github
notes

My notes from learning how to customize my GitHub profile.

Dec 9, 2021

OpenVINO Object Detection in the Unity Editor (Outdated)

openvino
object-detection
yolox
tutorial
unity

This post covers how to modify the existing YOLOX project so that the plugin can be using in the Unity Editor.

Dec 6, 2021

OpenVINO Object Detection in Unity Using the In-Game Camera

openvino
object-detection
yolox
tutorial
unity

This post covers the changes needed to use the in-game camera as input for the YOLOX model.

Dec 6, 2021

OpenVINO Object Detection for Unity Tutorial Pt.3 (Outdated)

openvino
object-detection
yolox
tutorial
unity

This post demonstrates how to create a Unity project to access the DLL as a plugin.

Oct 6, 2021

OpenVINO Object Detection for Unity Tutorial Pt.2 (Outdated)

openvino
object-detection
yolox
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.

Oct 6, 2021

OpenVINO Object Detection for Unity Tutorial Pt.1 (Outdated)

openvino
object-detection
yolox
tutorial
unity

This post covers the prerequisite software, pretrained object detection models, and test videos used in the tutorial.

Oct 6, 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

Daily Recap

recap

A summary of what I worked on today.

Apr 29, 2021

Daily Recap

recap

A summary of what I worked on today.

Apr 28, 2021

Daily Recap

recap

A summary of what I worked on today.

Apr 27, 2021

Daily Recap

recap

A summary of what I worked on today.

Apr 26, 2021

Weekly Recap

recap

A summary of what I’ve been working on for the past week.

Apr 25, 2021

Weekly Recap

recap

A summary of what I’ve been working on for the past week.

Apr 7, 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

Daily Recap

recap

A summary of what I worked on today.

Mar 23, 2021

Weekly Recap

recap

A summary of what I’ve been working on for the past week.

Mar 22, 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 covers how to efficiently crop images in Unity with a GPU.

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

Weekly Recap

recap

A summary of what I’ve been working on for the past few weeks.

Mar 12, 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

Weekly Recap

recap

Revising the style transfer tutorial, working with the Blender Python API, and learning about freelancing.

Feb 17, 2021

In-Game Style Transfer Experiments Pt.6

style-transfer
log

Testing out an arbitrary style transfer model and a change in plans for the end-to-end style transfer tutorial.

Feb 17, 2021

Weekly Recap

recap

A summary of what I’ve been working on for the past week.

Feb 8, 2021

Weekly Recap

recap

A summary of what I’ve been working on for the past week.

Feb 1, 2021

Weekly Recap

recap

A summary of what I’ve been working on for the past couple weeks.

Jan 24, 2021

In-Game Style Transfer Experiments Pt.5

unity
log

I got the video stylization model to work properly in Unity and found some weaknesses in the fast neural style model.

Jan 12, 2021

In-Game Style Transfer Experiments Pt.4

unity
log

Examining results from my initial attempts to optimize the few-shot video stylization model.

Jan 9, 2021

In-Game Style Transfer Experiments Pt.3

unity
log

Examining results from my initial attempts to optimize the fast neural style transfer model.

Jan 6, 2021

Using PyTorch with CUDA on WSL2

log
tutorial
pytorch
wsl2

This post covers my experience getting PyTorch to run with CUDA on WSL2.

Dec 31, 2020

In-Game Style Transfer Experiments Pt.2

unity
log

Examining results from longer training sessions and Unity’s implementation in Kinematica demo.

Dec 20, 2020

In-Game Style Transfer Experiments Pt.1

unity
log

Trying out custom datasets, a new model, and Unity’s style transfer project.

Dec 18, 2020

Basic In-Game Style Transfer Tutorial (Outdated)

unity
tutorial

This post provides a basic method for performing in-game style transfer.

Dec 8, 2020

Barracuda PoseNet Tutorial Pt. 8 (Outdated)

unity
tutorial

This post covers how to handle video input with different aspect ratios.

Nov 20, 2020

Barracuda PoseNet Tutorial Pt. 7 (Outdated)

unity
tutorial

This post covers how to use a webcam feed as input for the PoseNet model.

Nov 15, 2020

Barracuda PoseNet Tutorial Pt. 6 (Outdated)

unity
tutorial

This post covers how to create a pose skeleton by drawing lines between key points.

Nov 14, 2020

Barracuda PoseNet Tutorial Pt. 5 (Outdated)

unity
tutorial

This post covers how to map the key point locations to GameObjects.

Nov 13, 2020

Barracuda PoseNet Tutorial Pt. 4 (Outdated)

unity
tutorial

This post covers how to process the output of the PoseNet model.

Nov 12, 2020

Barracuda PoseNet Tutorial Pt. 3 (Outdated)

unity
tutorial

This post covers how to perform inference with the PoseNet model.

Nov 6, 2020

Barracuda PoseNet Tutorial Pt. 2.5 (Outdated)

unity
tutorial

This post covers how to view preprocessed images during runtime.

Nov 5, 2020

Barracuda PoseNet Tutorial Pt. 2 (Outdated)

unity
tutorial

This post covers how to implement the preprocessing steps for the PoseNet model.

Nov 4, 2020

Barracuda PoseNet Tutorial Pt. 1 (Outdated)

unity
tutorial

This first post covers how to set up a video player in Unity. We’ll be using the video player to check the accuracy of the PoseNet model.

Oct 25, 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
    • Copyright 2022, Christian J. Mills