Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists by cj-mills

A curated list of projects in awesome lists by cj-mills .

https://github.com/cj-mills/barracuda-posenet-tutorial

This tutorial series provides step-by-step instructions for how to perform human pose estimation in Unity with the Barracuda inference library.

barracuda human-pose-estimation inference posenet-model tutorial unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/end-to-end-in-game-style-transfer-tutorial-intel

This tutorial series covers how to train your own style transfer model with PyTorch and implement it in Unity using the Barracuda library.

game-style-transfer pytorch unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/Unity-OpenVINO-YOLOX

This tutorial series covers how to perform object detection in the Unity game engine with the OpenVINO™ Toolkit.

deep-learning object-detection openvino unity yolo yolox

Last synced: 09 Nov 2024

https://github.com/cj-mills/pytorch-yolox-object-detection-tutorial-code

This repository contains the training code for my PyTorch YOLOX object detection tutorial.

object-detection object-tracking pytorch real-time-detection tensorrt training-code tutorial yolox

Last synced: 13 Nov 2024

https://github.com/cj-mills/barracuda-style-transfer-hdrp

This tutorial covers how to perform in-game style transfer in an HDRP project using the Barracuda infefence library.

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-openvino-plugin

This tutorial series covers how to create a plugin that leverages the OpenVINO™ Toolkit for the Unity game engine.

barracuda-library deep-learning openvino plugin unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/fastai-asl-classification-webgl-demo

An American Sign Language (ASL) classifier WebGL demo for the fastai to Unity tutorial

Last synced: 13 Nov 2024

https://github.com/cj-mills/onnx-directml-unity-tutorial

This tutorial covers creating an object detection plugin for a Unity game engine project using ONNX Runtime and DirectML.

directml object-detection onnxruntime tutorial unity yolox

Last synced: 13 Nov 2024

https://github.com/cj-mills/pytorch-timm-gesture-recognition-tutorial-code

This repository contains the training code for my beginner-friendly tutorial titled "Fine-Tuning Image Classifiers with PyTorch and the timm library for Beginners".

fine-tuning image-classification pytorch timm-library training-code tutorial

Last synced: 13 Nov 2024

https://github.com/cj-mills/basic-in-game-style-transfer-tutorial

A basic implementation of in-game style transfer using the Barracuda library for Unity. - OUTDATED

game-style-transfer unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-openvino-yolox-in-editor

This follow up tutorial updates the code and OpenVINO version so that the plugin can run in the Unity Editor.

Last synced: 13 Nov 2024

https://github.com/cj-mills/cjm-yolox-pytorch

A PyTorch implementation of the YOLOX object detection model based on the mmdetection implementation.

Last synced: 13 Nov 2024

https://github.com/cj-mills/pytorch-mask-rcnn-tutorial-code

This repository contains the code for my PyTorch Mask R-CNN tutorial.

instance-segmentation mask-rcnn object-detection pytorch tutorial

Last synced: 13 Nov 2024

https://github.com/cj-mills/byte-track-eigen

ByteTrack-Eigen is a C++ implementation of the ByteTrack object tracking method, leveraging the Eigen library for high-performance matrix and vector operations.

bytetrack eigen-library object-tracking

Last synced: 13 Nov 2024

https://github.com/cj-mills/barracuda-inference-yolox-demo

A simple Unity project demonstrating how to perform object detection with the barracuda-inference-yolox package.

barracuda demo hand-detection hand-gesture-recognition object-detection unity yolox

Last synced: 13 Nov 2024

https://github.com/cj-mills/shape-key-motion-graphic-blender-api

How to create a simple shape-key motion graphic in Blender using the Python API

blender-python

Last synced: 13 Nov 2024

https://github.com/cj-mills/end-to-end-in-game-style-transfer-tutorial

This tutorial series covers how to train your own style transfer model with PyTorch and implement it in Unity using the Barracuda library.

barracuda-library game-style-transfer pytorch unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-barracuda-inference-yolox

This Unity package extends the functionality of the barracuda-inference-base package to perform object detection using YOLOX models.

barracuda object-detection unity yolox

Last synced: 13 Nov 2024

https://github.com/cj-mills/tensorflow-js-unity-tutorial

In-Browser Hand Gesture Recognition for Unity with Fastai and TensorFlow.js

fastai tfjs unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/christianjmills

My personal blog

Last synced: 13 Nov 2024

https://github.com/cj-mills/fastai-unity-barracuda-samples

Models trained with the fastai library implemented in the Unity game engine with the Barracuda library.

barracuda deep-learning fastai pytorch unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/fastai-to-unity-tutorial

This beginner tutorial covers how to train an image classifier using the fastai library and implement it in a Unity game engine project using the Barracuda inference library.

barracuda fastai image-classification tutorial unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/fastai-to-libtorch-to-unity-tutorial

This follow-up to the fastai-to-unity tutorial covers creating a LibTorch plugin for the Unity game engine.

fastai image-classification libtorch tutorial unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/fastai-hand-gesture-classifier-webgl-demo

A hand gesture classifier made with Fastai, TensorFlow.js, and Unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/onnx-models

A collection of models I've exported to ONNX format

Last synced: 13 Nov 2024

https://github.com/cj-mills/cjm-pytorch-utils

Some utility functions for working with PyTorch.

Last synced: 15 Oct 2024

https://github.com/cj-mills/barracuda-inference-posenet-demo

A simple Unity project demonstrating how to perform 2D human pose estimation with the barracuda-inference-posenet package.

barracuda demo pose-estimation posenet unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-cv-image-gallery

This Unity package provides an interactive image gallery and a Scroll View prefab, designed to facilitate testing of computer vision applications, such as image classification, object detection, and pose estimation.

Last synced: 13 Nov 2024

https://github.com/cj-mills/barracuda-image-classification-demo

A simple Unity project demonstrating how to perform image classification with the barracuda-inference-image-classification package.

barracuda demo image-classification unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/cjm-torchvision-tfms

Some custom Torchvision tranforms.

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-human-pose-2d-toolkit

This Unity package provides an easy-to-use and customizable solution to work with and visualize 2D human poses on a Unity canvas.

Last synced: 13 Nov 2024

https://github.com/cj-mills/openvino-styletransfer-hdrp

This tutorial covers how to perform in-game style transfer in an HDRP project using the OpenVINO Toolkit.

Last synced: 13 Nov 2024

https://github.com/cj-mills/pexels-dataset

This GitHub repository contains image attributes for a dataset of free-use stock photos.

Last synced: 13 Nov 2024

https://github.com/cj-mills/interactive-particle-text-html-canvas-javascript

My code from following Frank Dvorak's tutorial on creating interactive particle text with JavaScript and HTML Canvas

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-media-display

Unity Media Display is a Unity package for creating a demo screen to display test images, videos, or webcam streams. It provides a set of utility functions for setting up a demo screen, updating its texture and transformations, and initializing and managing webcam streams.

unity unity3d

Last synced: 13 Nov 2024

https://github.com/cj-mills/cjm-pandas-utils

Some utility functions for working with Pandas.

Last synced: 13 Nov 2024

https://github.com/cj-mills/hand-gesture-detector-webgl-demo

A hand gesture detector made with TensorFlow.js and Unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-onnx-inference-cv-plugin

This repository houses a simple native plugin for the Unity game engine, built in Visual Studio, that leverages the ONNX Runtime to perform inference with computer vision models. The plugin works with models that take a single RGB image.

Last synced: 13 Nov 2024

https://github.com/cj-mills/tfjs-yolox-unity-tutorial

Create a TensorFlow.js plugin for the Unity game engine to perform object detection with a YOLOX model.

object-detection tfjs tutorial unity3d webgl yolox

Last synced: 13 Nov 2024

https://github.com/cj-mills/crop-image-on-gpu-unity

This tutorial covers how to efficiently crop images in Unity with a GPU.

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-yolox-utils

This Unity package provides utility functions to work with YOLOX object detection models. It helps in generating grid coordinates with strides, and extracting bounding box proposals from the model output.

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-bounding-box-2d-toolkit

This Unity package provides an easy-to-use and customizable solution to work with and visualize 2D bounding boxes on a Unity canvas.

2d bounding-box development-tools package toolkit unity unity-canvas visualization

Last synced: 13 Nov 2024

https://github.com/cj-mills/fastai-to-openvino-to-unity-tutorial

This follow-up to the fastai-to-unity tutorial covers creating an OpenVINO plugin for the Unity game engine.

fastai image-classification openvino tutorial unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/barracuda-inference-yolox-demo-hdrp

A simple Unity HDRP project demonstrating how to perform object detection with the barracuda-inference-yolox package using the in-game camera.

Last synced: 13 Nov 2024

https://github.com/cj-mills/cjm-kaggle-utils

Some utility functions for working with the Kaggle API.

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-bytetrack-plugin

This repository houses a simple native plugin for the Unity game engine, built in Visual Studio, that leverages the ByteTrack-Eigen library to perform real-time object tracking.

Last synced: 13 Nov 2024

https://github.com/cj-mills/cjm-parallel-utils

Utility functions for parallel operations.

Last synced: 13 Nov 2024

https://github.com/cj-mills/ansible-config

My ansible desktop config

Last synced: 13 Nov 2024

https://github.com/cj-mills/sentis-inference-yolox-demo

A simple Unity project demonstrating how to perform object detection with yolox using Sentis.

Last synced: 13 Nov 2024

https://github.com/cj-mills/cuda-pytorch-tutorials

This repository contains code for tutorials on using CUDA with PyTorch.

Last synced: 13 Nov 2024

https://github.com/cj-mills/cjm-psl-utils

Some utility functions using the Python Standard Library.

Last synced: 13 Nov 2024

https://github.com/cj-mills/cj-mills

Config files for my GitHub profile.

Last synced: 13 Nov 2024

https://github.com/cj-mills/pytorch-keypoint-rcnn-tutorial-code

This repository contains the code for my PyTorch Keypoint R-CNN tutorial.

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-barracuda-inference-posenet

This Unity package extends the functionality of the barracuda-inference-base package to perform 2D human pose estimation using PoseNet models.

barracuda pose-estimation posenet unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/fastai-timm-gesture-recognition-tutorial-code

This repository contains the training code for my beginner-friendly tutorial titled "Fine-Tuning Image Classifiers with Fastai and the timm library for Beginners".

fastai image-classification pytorch tutorial

Last synced: 13 Nov 2024

https://github.com/cj-mills/yolox-bytetrack-onnx-demo

A Visual Studio project demonstrating how to perform object tracking across video frames with YOLOX, ONNX Runtime, and the ByteTrack-Eigen library.

bytetrack eigen-library object-tracking onnxruntime yolox

Last synced: 13 Nov 2024

https://github.com/cj-mills/intel-pytorch-extension-tutorial-windows

Files related to my tutorial for getting started with Intel's PyTorch extension on Windows.

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-barracuda-inference-base

This Unity package provides a foundation for performing inference with the Barracuda inference library. It includes a flexible base class to extend with task-specific packages.

barracuda inference unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-barracuda-inference-image-classification

This Unity package extends the functionality of the barracuda-inference-base package to perform image classification using computer vision models.

barracuda image-classification unity

Last synced: 13 Nov 2024

https://github.com/cj-mills/torchvision-annotation-tutorials

This repository contains jupyter notebooks for my tutorials showing how to load image annotation data from various formats and use it with torchvision.

Last synced: 13 Nov 2024

https://github.com/cj-mills/barracuda-inference-yolox-bytetrack-demo

A simple Unity project demonstrating how to perform object tracking with the barracuda-inference-yolox package and the ByteTrack-Eigen library.

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-deep-learning-image-preprocessor

This Unity package is designed for preparing image input to perform inference with deep learning models. The package includes shaders and compute shaders for various image processing tasks, such as cropping, normalizing, and flipping images.

Last synced: 13 Nov 2024

https://github.com/cj-mills/unitytexturereaderd3d

UnityTextureReaderD3D is a plugin package for Unity that enables easy access to pixel data from Direct3D11 and Direct3D12 textures. The package includes native plugins for both APIs, providing efficient texture reading without the need for additional scripts or workarounds.

direct3d11 direct3d12 pixel-data unity unity3d

Last synced: 13 Nov 2024

https://github.com/cj-mills/terraform-configs

My terraform configs

Last synced: 13 Nov 2024

https://github.com/cj-mills/unity-onnxruntime-inference-yolox-demo

A simple Unity project demonstrating how to perform object detection with ONNX Runtime.

Last synced: 13 Nov 2024

https://github.com/cj-mills/miniai-data-aug-experiments-unity

A Unity project for creating in-browser demos to compare models trained with different data augmentations

Last synced: 13 Nov 2024

https://github.com/cj-mills/triangle-motion-graphic-blender-api

How to create a simple triangle motion graphic in Blender using the Python API

blender-python

Last synced: 13 Nov 2024

https://github.com/cj-mills/pixel-rain-html-canvas-javascript

My code from following Frank Dvorak's tutorial on creating pixel rain with JavaScript and HTML Canvas

Last synced: 13 Nov 2024

https://github.com/cj-mills/barracuda-inference-yolox-demo-urp

A simple Unity URP project demonstrating how to perform object detection with the barracuda-inference-yolox package using the in-game camera.

Last synced: 13 Nov 2024

https://github.com/cj-mills/opencv-notes

Notes on OpenCV

Last synced: 13 Nov 2024

https://github.com/cj-mills/barracuda-inference-yolox-demo-brp

A simple Unity BRP (Built-in Render Pipeline) project demonstrating how to perform object detection with the barracuda-inference-yolox package using the in-game camera.

Last synced: 13 Nov 2024

https://github.com/cj-mills/icevision-mask-rcnn-tutorial

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

icevision instance-segmentation mask-rcnn object-detection tutorial

Last synced: 13 Nov 2024

https://github.com/cj-mills/fastai-biwi_head_pose-webgl-demo

A live WebGL demo for the BIWI_Head_Pose sample scene in the fastai-unity-barracuda-samples repository

Last synced: 13 Nov 2024

https://github.com/cj-mills/flip-image-compute-shader

This tutorial covers how to flip an image with a compute shader in Unity.

Last synced: 13 Nov 2024

https://github.com/cj-mills/fastai-oxford-iit_breed_classification-webgl-demo

A live WebGL demo for the Oxford-IIT_Breed_Classification sample scene in the fastai-unity-barracuda-samples repository

Last synced: 13 Nov 2024

https://github.com/cj-mills/fastai-pascal_multi-label_classification-webgl-demo

A live WebGL demo for the Pascal_Multi-label_Classification sample scene in the fastai-unity-barracuda-samples repository

Last synced: 13 Nov 2024

https://github.com/cj-mills/crazy-blocks-asl-webgl-demo

A simple demo game that uses ASL signs as user input.

Last synced: 13 Nov 2024

https://github.com/cj-mills/cjm-byte-track

A standalone Python implementation of the ByteTrack multi-object tracker based on the official implementation.

Last synced: 13 Nov 2024

https://github.com/cj-mills/barracuda-posenet-webgl-demo

A live WebGL demo for my Barracuda PoseNet Tutorial

barracuda inference posenet-model unity webgl

Last synced: 13 Nov 2024

https://github.com/cj-mills/cjm-pil-utils

Some PIL utility functions I frequently use.

Last synced: 13 Nov 2024

https://github.com/cj-mills/cjm-diffusers-utils

Some utility functions I frequently use with 🤗 diffusers.

Last synced: 13 Nov 2024