Pinned Repositories
APSO
An implementation of PSO in: "Alireza. A., PSO with adaptive mutation and inertia weight and its application in parameter estimation of dynamic systems, Acta Automatica, vol. 37, no. 5, pp. 541-549, 2011."
Dango-ocr
DangoOCR: screenshot OCR recognize 文字识别,支持多种语言,识别后翻译,播放声音
face_detect_yolov3
use yolov3/ yolov3-tiny detect face
ocr_algo_server
ocr文字识别算法服务
ppyolov2-pytorch
Pytorch reimplement of PPYOLOv2, PPYOLO, YOLOv3
python-spider
:rainbow:Python3网络爬虫实战:VIP视频破解助手;GEETEST验证码破解;小说、动漫下载;手机APP爬取;财务报表入库;火车票抢票;抖音APP视频下载;百万英雄辅助;网易云音乐下载;B站视频和弹幕下载;京东晒单图下载
pytorch-cpp-model
use c++ load pytorch model and use GPU to predict
voc2coco
Convert pascol voc annotation xml to COCO json format.
yolov3-pytorch
yolov3 and yolov3 tiny pytorch
yolox-pytorch
a Pytorch easy re-implement of "YOLOX: Exceeding YOLO Series in 2021"
zhangming8's Repositories
zhangming8/yolox-pytorch
a Pytorch easy re-implement of "YOLOX: Exceeding YOLO Series in 2021"
zhangming8/Dango-ocr
DangoOCR: screenshot OCR recognize 文字识别,支持多种语言,识别后翻译,播放声音
zhangming8/pytorch-cpp-model
use c++ load pytorch model and use GPU to predict
zhangming8/ocr_algo_server
ocr文字识别算法服务
zhangming8/ppyolov2-pytorch
Pytorch reimplement of PPYOLOv2, PPYOLO, YOLOv3
zhangming8/face_detect_yolov3
use yolov3/ yolov3-tiny detect face
zhangming8/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......
zhangming8/caffe
Caffe: a fast open framework for deep learning.
zhangming8/CenterFace
face detection
zhangming8/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
zhangming8/CV_ToolBox
data preprocess for cv, including data aug (general and cutout) for object detection, KITTI, COCO data to VOC
zhangming8/darknet
Convolutional Neural Networks
zhangming8/deep_sort_yolov3
Real-time Multi-person tracker using YOLO v3 and deep_sort with tensorflow
zhangming8/FaceMaskDetection
人脸口罩检测 Detect faces and determine whether people are wearing mask.
zhangming8/handtracking
Building a Real-time Hand-Detector using Neural Networks (SSD) on Tensorflow
zhangming8/InsightFace_Pytorch
Pytorch0.4.1 codes for InsightFace
zhangming8/libfacedetection
An open source library for face detection in images. The face detection speed can reach 1000FPS.
zhangming8/lightweight_openpose
A tensorflow implementation of Arxiv Paper "Real-time 2D Multi-Person Pose Estimation on CPU: Lightweight OpenPose "(https://arxiv.org/abs/1811.12004)
zhangming8/openpose_train
Training repository for OpenPose
zhangming8/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
zhangming8/pytorch-fcn
PyTorch Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)
zhangming8/PyTorch-Networks
Pytorch implementation of cnn network
zhangming8/PyTorch_ONNX_TensorRT
A tutorial about how to build a TensorRT Engine from a PyTorch Model with the help of ONNX
zhangming8/ssds.pytorch
Repository for Single Shot MultiBox Detector and its variants, implemented with pytorch, python3.
zhangming8/synth_video_text
zhangming8/TensorRT
TensorRT is a C++ library for high performance inference on NVIDIA GPUs and deep learning accelerators.
zhangming8/TensorRT-CenterNet
tensorrt5 , centernet , centerface
zhangming8/TF-SimpleHumanPose
TensorFlow implementation of "Simple Baselines for Human Pose Estimation and Tracking", ECCV 2018
zhangming8/ttfnet
zhangming8/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > iOS