Pinned Repositories
awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
benchmark_results
Visual Tracking Paper List
BossComing
If your boss is coming ,send your phone a notification, based on face_recognition for face recognition and JPush to send notification.Just for fun!(the code is under dev branch)老板来了:人脸识别+手机推送,老板来了发送手机通知,你立刻知道。(代码在 dev 分支)
centerNet-deep-sort
multi-people tracking (centerNet based person detector + deep sort algorithm with pytorch)
chainercv
ChainerCV: a Library for Deep Learning in Computer Vision
darknet
Windows and Linux version of Darknet Yolo v3 & v2 Neural Networks for object detection (Tensor Cores are used)
darknet-1
darknet深度学习框架源码分析:详细中文注释,涵盖框架原理与实现语法分析
FairMOT
A simple baseline for one-shot multi-object tracking
maskrcnn-benchmark
Fast, modular reference implementation of Instance Segmentation and Object Detection algorithms in PyTorch.
ObjectDetection-OneStageDet
dongziqi001's Repositories
dongziqi001/FairMOT
A simple baseline for one-shot multi-object tracking
dongziqi001/maskrcnn-benchmark
Fast, modular reference implementation of Instance Segmentation and Object Detection algorithms in PyTorch.
dongziqi001/ObjectDetection-OneStageDet
dongziqi001/awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
dongziqi001/benchmark_results
Visual Tracking Paper List
dongziqi001/centerNet-deep-sort
multi-people tracking (centerNet based person detector + deep sort algorithm with pytorch)
dongziqi001/chainercv
ChainerCV: a Library for Deep Learning in Computer Vision
dongziqi001/deep_sort
Simple Online Realtime Tracking with a Deep Association Metric
dongziqi001/deep_sort_pytorch
MOT tracking using deepsort yolo3 with pytorch
dongziqi001/deeplearning_ai_books
deeplearning.ai(吴恩达老师的深度学习课程笔记及资源)
dongziqi001/EDSR-PyTorch
PyTorch version of the paper 'Enhanced Deep Residual Networks for Single Image Super-Resolution' (CVPRW 2017)
dongziqi001/ESPCN
A PyTorch implementation of ESPCN based on CVPR 2016 paper "Real-Time Single Image and Video Super-Resolution Using an Efficient Sub-Pixel Convolutional Neural Network"
dongziqi001/FALSR
Fast, Accurate and Lightweight Super-Resolution models
dongziqi001/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
dongziqi001/faster_rcnn_pytorch
Faster RCNN with PyTorch
dongziqi001/FPN.pytorch1.0
Feature pyramid network (FPN) with online hard example mining (OHEM)
dongziqi001/image-processing-from-scratch
This project contains some interesting image processing algorithms that were wrote in python from scratch.
dongziqi001/Meta-SR-Pytorch
Meta-SR: A Magnification-Arbitrary Network for Super-Resolution (CVPR2019)
dongziqi001/Object-Detection-And-Tracking
Target detection in the first frame and Tracking target by SiamRPN.
dongziqi001/person_search_demo
利用YOLOv3结合行人重识别模型,实现行人的检测识别,查找特定行人
dongziqi001/pysot
SenseTime Research platform for single object tracking, implementing algorithms like SiamRPN and SiamMask.
dongziqi001/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
dongziqi001/simple-faster-rcnn-pytorch
A simplified implemention of Faster R-CNN that replicate performance from origin paper
dongziqi001/SRFBN_CVPR19
Pytorch code for our paper "Feedback Network for Image Super-Resolution" (CVPR2019)
dongziqi001/Towards-Realtime-MOT
Joint Detection and Embedding for fast multi-object tracking
dongziqi001/VideoMAE
VideoMAE: Masked Autoencoders are Data-Efficient Learners for Self-Supervised Video Pre-Training
dongziqi001/Virgilio
Your new Mentor for Data Science E-Learning.
dongziqi001/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
dongziqi001/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > iOS
dongziqi001/YOLOv3-model-pruning
对 YOLOv3 做模型剪枝(network slimming),对于 oxford hand 数据集(因项目需要),模型剪枝后的参数量减少 80%,Infer 的速度达到原来 2 倍,mAP 基本不变