Pinned Repositories
Accident-avoidance-deepsortyoloFCRN
An accident avoidance program that raises alert when nearby vehicles are moving at a relative speed faster than a threshold value, additionally it logs some data onto NEM-Mijin blockchain network
Deep-Learning-for-Tracking-and-Detection
Collection of papers and other resources for object tracking and detection using deep learning
drlt
DRLT: Android application testing using deep reinforcement learning
HoloLensCameraStream
This Unity plugin makes the HoloLens video camera frames available to a Unity app in real time. This enables Unity devs to easily use the HoloLens camera for computer vision (or anything they want).
NV_TRT_SSD
nvidia TensorRT SSD implementation
Nvidia-Autopilot-TensorFlow
A TensorFlow implementation of this Nvidia paper: https://arxiv.org/pdf/1604.07316.pdf with some changes
TensorRT-SSD
Use TensorRT API to implement Caffe-SSD, SSD(channel pruning), Mobilenet-SSD
tensorrt-ssd300-tx2
tracking-by-detection
Multiple object tracking (MOT) algorithm implemented in C++
Tracking-with-darkflow
Real-time people Multitracker using YOLO v2 and deep_sort with tensorflow
Optimus1072's Repositories
Optimus1072/drlt
DRLT: Android application testing using deep reinforcement learning
Optimus1072/2d_to_3d
Optimus1072/adeptRL
Reinforcement learning framework to accelerate research
Optimus1072/awesome-semantic-segmentation
:metal: awesome-semantic-segmentation
Optimus1072/ComputerVisionSummarization
The summary of computer vision
Optimus1072/convnet-burden
Memory consumption and FLOP count estimates for convnets
Optimus1072/face_recognition
The world's simplest facial recognition api for Python and the command line
Optimus1072/face_swap
End-to-end, automatic face swapping pipeline
Optimus1072/faceswap-GAN
A denoising autoencoder + adversarial losses and attention mechanisms for face swapping.
Optimus1072/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
Optimus1072/hart
Hierarchical Attentive Recurrent Tracking
Optimus1072/Mobile_Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow for Mobile Deployment
Optimus1072/MobileNet-SSD-TensorRT
Accelerate mobileNet-ssd with tensorRT
Optimus1072/MobileNet-YOLO
A caffe implementation of MobileNet-YOLO detection network
Optimus1072/MOTDT
Real-time Multiple People Tracking with Deeply Learned Candidate Selection and Person Re-identification
Optimus1072/person-segmentation
Deep Learning Semantic Segmentation: Person vs. Background. Python / Jupyter notebook / TensorFlow
Optimus1072/privateproject
Using TensorRT to implement and accelerate YOLO v3. Multi-scale and NMS are included. The acceleration ratio reaches 3 compared to the original darknet.
Optimus1072/Pytorch-Model-to-TensorRT
Optimus1072/reinforcement-learning
Implementation of Reinforcement Learning Algorithms. Python, OpenAI Gym, Tensorflow. Exercises and Solutions to accompany Sutton's Book and David Silver's course.
Optimus1072/rl_A3cTorch
Optimus1072/RT-MDNet
Optimus1072/singleshotpose
This research project implements a real-time object detection and pose estimation method as described in the paper, Tekin et al. "Real-Time Seamless Single Shot 6D Object Pose Prediction", CVPR 2018. (https://arxiv.org/abs/1711.08848).
Optimus1072/speech2gesture
code for training the models from the paper "Learning Individual Styles of Conversational Gestures"
Optimus1072/SSD_Pytorch
support different SSDs and different scale test
Optimus1072/tensorrt-demo
TensorRT and TensorFlow demo/example (python, jupyter notebook)
Optimus1072/TensorRT-Yolov3
TensorRT for Yolov3
Optimus1072/tensorrt_yolo2
Optimus1072/tfjs-models
Pretrained models for TensorFlow.js
Optimus1072/tutorials
Optimus1072/yolov3-tensorrt