Pinned Repositories
100-Days-Of-ML-Code
100 Days of ML Coding
A-Light-and-Fast-Face-Detector-for-Edge-Devices
A light and fast one class detection framework for edge devices. We provide face detector, head detector, pedestrian detector, vehicle detector......
AutoCrawler
Google, Naver multiprocess image web crawler (Selenium)
BaiduImageCrawler
A multithreaded tool for downloading search results of Baidu image search.
caffe-mobilenet-v3
Caffe Implementation of MobileNets V3
CCPD
[ECCV 2018] CCPD & PDRC: a diverse and well-annotated dataset for license plate detection and recognition
CenterFace
face detection
CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
software
wliang410's Repositories
wliang410/software
wliang410/100-Days-Of-ML-Code
100 Days of ML Coding
wliang410/A-Light-and-Fast-Face-Detector-for-Edge-Devices
A light and fast one class detection framework for edge devices. We provide face detector, head detector, pedestrian detector, vehicle detector......
wliang410/caffe-mobilenet-v3
Caffe Implementation of MobileNets V3
wliang410/chinese_ocr
CTPN + DenseNet + CTC based end-to-end Chinese OCR implemented using tensorflow and keras
wliang410/cocoapi
COCO API - Dataset @ http://cocodataset.org/
wliang410/d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。英文版即伯克利“深度学习导论(STAT 157)”教材。
wliang410/darknet
Windows and Linux version of Darknet Yolo v3 & v2 Neural Networks for object detection (Tensor Cores are used)
wliang410/DIGITS
Deep Learning GPU Training System
wliang410/FCHD-Fully-Convolutional-Head-Detector
Code for FCHD - A fast and accurate head detector
wliang410/flask-video-streaming
Supporting code for my article on video streaming with Flask.
wliang410/Hands-On-GPU-Accelerated-Computer-Vision-with-OpenCV-and-CUDA
Hands-On GPU Accelerated Computer Vision with OpenCV and CUDA, published by Packt
wliang410/HyperLPR
基于深度学习高性能中文车牌识别 High Performance Chinese License Plate Recognition Framework.
wliang410/jetson-inference
Guide to deploying deep-learning inference networks and deep vision primitives with TensorRT and NVIDIA Jetson.
wliang410/jetson-nano-tools
Jetson Nano useful tools (setup, examples)
wliang410/labelImg
:metal: LabelImg is a graphical image annotation tool and label object bounding boxes in images
wliang410/Mobilenet-SSD-License-Plate-Detection
基于mobilenet-ssd车牌检测,全新模型仅3.4MB.
wliang410/MXNet-Deep-Learning-in-Action
wliang410/nnvm
move to https://github.com/dmlc/tvm/
wliang410/pytorch-mobilenet-v2
A PyTorch implementation of MobileNet V2 architecture and pretrained model.
wliang410/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
wliang410/redaction_with_deepstream
An example of using DeepStream SDK for redaction
wliang410/TensorRT-Yolov3
TensorRT for Yolov3
wliang410/train-detector
OpencCV Cascade 车牌检测器训练代码
wliang410/tvm
Open deep learning compiler stack for cpu, gpu and specialized accelerators
wliang410/Vehicle-Car-detection-and-multilabel-classification
使用YOLO_v3_tiny和B-CNN实现街头车辆的检测和车辆属性的多标签识别 Using yolo_v3_tiny to do vehicle or car detection and attribute's multilabel classification or recognize
wliang410/Yolo_mark
GUI for marking bounded boxes of objects in images for training neural network Yolo v3 and v2
wliang410/yolov3-channel-pruning
wliang410/YOLOv3-model-pruning
在 oxford hand 数据集上对 YOLOv3 做模型剪枝(network slimming)
wliang410/yolov3-network-slimming
yolov3 network slimming剪枝的一种实现