Pinned Repositories
human-instance-segmentation
ROI-based Instance Segmentation for Human Detection (CNN)
MobileNet-SSD-RealSense
[High Performance / MAX 30 FPS] RaspberryPi3(RaspberryPi/Raspbian Stretch) or Ubuntu + Multi Neural Compute Stick(NCS/NCS2) + RealSense D435(or USB Camera or PiCamera) + MobileNet-SSD(MobileNetSSD) + Background Multi-transparent(Simple multi-class segmentation) + FaceDetection + MultiGraph + MultiProcessing + MultiClustering
onnx2tf
Self-Created Tools to convert ONNX files (NCHW) to TensorFlow/TFLite/Keras format (NHWC). The purpose of this tool is to solve the massive Transpose extrapolation problem in onnx-tensorflow (onnx-tf). I don't need a Star, but give me a pull request.
OpenVINO-YoloV3
YoloV3/tiny-YoloV3+RaspberryPi3/Ubuntu LaptopPC+NCS/NCS2+USB Camera+Python+OpenVINO
openvino2tensorflow
This script converts the ONNX/OpenVINO IR model to Tensorflow's saved_model, tflite, h5, tfjs, tftrt(TensorRT), CoreML, EdgeTPU, ONNX and pb. PyTorch (NCHW) -> ONNX (NCHW) -> OpenVINO (NCHW) -> openvino2tensorflow -> Tensorflow/Keras (NHWC/NCHW) -> TFLite (NHWC/NCHW). And the conversion from .pb to saved_model and from saved_model to .pb and from .pb to .tflite and saved_model to .tflite and saved_model to onnx. Support for building environments with Docker. It is possible to directly access the host PC GUI and the camera to verify the operation. NVIDIA GPU (dGPU) support. Intel iHD GPU (iGPU) support.
PINTO_model_zoo
A repository for storing models that have been inter-converted between various frameworks. Supported frameworks are TensorFlow, PyTorch, ONNX, OpenVINO, TFJS, TFTRT, TensorFlowLite (Float32/16/INT8), EdgeTPU, CoreML.
sit4onnx
Tools for simple inference testing using TensorRT, CUDA and OpenVINO CPU/GPU and CPU providers. Simple Inference Test for ONNX.
sit4onnxw
Tools for simple inference testing using CPU, WebGL, WebGPU. Simple Inference Test for onnxruntime-web.
Tensorflow-bin
Prebuilt binary with Tensorflow Lite enabled. For RaspberryPi / Jetson Nano. Support for custom operations in MediaPipe. XNNPACK, XNNPACK Multi-Threads, FlexDelegate.
yolov9mit
An MIT rewrite of YOLOv9
PINTO0309's Repositories
PINTO0309/PINTO_model_zoo
A repository for storing models that have been inter-converted between various frameworks. Supported frameworks are TensorFlow, PyTorch, ONNX, OpenVINO, TFJS, TFTRT, TensorFlowLite (Float32/16/INT8), EdgeTPU, CoreML.
PINTO0309/onnx2tf
Self-Created Tools to convert ONNX files (NCHW) to TensorFlow/TFLite/Keras format (NHWC). The purpose of this tool is to solve the massive Transpose extrapolation problem in onnx-tensorflow (onnx-tf). I don't need a Star, but give me a pull request.
PINTO0309/scc4onnx
Very simple NCHW and NHWC conversion tool for ONNX. Change to the specified input order for each and every input OP. Also, change the channel order of RGB and BGR. Simple Channel Converter for ONNX.
PINTO0309/yolo-depthanythingv2-merge
Merging YOLOv9 and DepthAnythingV2
PINTO0309/sit4onnx
Tools for simple inference testing using TensorRT, CUDA and OpenVINO CPU/GPU and CPU providers. Simple Inference Test for ONNX.
PINTO0309/human-instance-segmentation
ROI-based Instance Segmentation for Human Detection (CNN)
PINTO0309/sio4onnx
Simple tool to change the INPUT and OUTPUT shape of ONNX.
PINTO0309/yolov9mit
An MIT rewrite of YOLOv9
PINTO0309/components_of_onnx
[WIP] ONNX parts yard. The various operations described in Operator Schemas are converted in advance into OP stand-alone ONNX files.
PINTO0309/DEIM
DEIM: DETR with Improved Matching for Fast Convergence
PINTO0309/yolov9_wholebody34_heatmap_vis
Visualization of the gaze region of YOLOv9-Wholebody34.
PINTO0309/PINTO0309
PINTO0309/sit4onnxw
Tools for simple inference testing using CPU, WebGL, WebGPU. Simple Inference Test for onnxruntime-web.
PINTO0309/soa4onnx
Simple model Output OP Additional tools for ONNX.
PINTO0309/people_segmentation
Code for the model to segment people at the image
PINTO0309/bbalgjs
Baba algorithm for robustly determining status changes of objects to be tracked.
PINTO0309/mobilePydnet
Pydnet on mobile devices
PINTO0309/open-vocabulary-od-benchmark
PyTorchおよびONNXを使用した、オープンボキャブラリー物体検出モデルの軽量版実装とベンチマークツールです。
PINTO0309/sentence2simvecjs
Vector-based sentence similarity (0.0–1.0) + embedding export.
PINTO0309/Depth-Anything-V2
[NeurIPS 2024] Depth Anything V2. A More Capable Foundation Model for Monocular Depth Estimation
PINTO0309/react-sound-player
Sound playback test using React and use-sound
PINTO0309/sam-benchmark
Segment Anything Model (SAM) とその派生モデルの包括的なベンチマークツール
PINTO0309/sentence2simvec
Vector-based sentence similarity (0.0–1.0) + embedding export.
PINTO0309/sit4tfjs
Simple Inference Test for TensorFlow.js - A benchmark tool for evaluating TensorFlow.js model performance
PINTO0309/continuous-thought-machines
Continuous Thought Machines, because thought takes time and reasoning is a process.
PINTO0309/Face-Blurring-and-Deblurring
In this repository I have explained the model for face blurring and deblurring.
PINTO0309/point-cloud-registration
PINTO0309/VAP-Realtime
A real-time implementation of Voice Activity Projection (VAP) is aimed at controlling behaviors of spoken dialogue systems, such as turn-taking.
PINTO0309/yolact_edge
The first competitive instance segmentation approach that runs on small edge devices at real-time speeds.
PINTO0309/yolov9-wholebody25-onnxruntime-web-test
WebGPU/WebGL inference testing using Electron, React, and onnxruntime-web