Pinned Repositories
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......
albumentations
Fast image augmentation library and an easy-to-use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
AlphaPose
Real-Time and Accurate Multi-Person Pose Estimation&Tracking System
awesome-action-recognition
A curated list of action recognition and related area resources
awesome-lane-detection
A paper list of lane detection.
awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
awesome-semantic-segmentation-pytorch
Semantic Segmentation on PyTorch (include FCN, PSPNet, Deeplabv3, Deeplabv3+, DANet, DenseASPP, BiSeNet, EncNet, DUNet, ICNet, ENet, OCNet, CCNet, PSANet, CGNet, ESPNet, LEDNet, DFANet)
BaseAlgorithm
整理/收集的一些算法
rknn-yolov3
StereoVision
This project requires two fixed cameras to stereo vision calibration, retification and distance estimation.
lvpchen's Repositories
lvpchen/ResNet10-CaffeTrain
lvpchen/video-classification-3d-cnn-pytorch
Video classification tools using 3D ResNet
lvpchen/darknet2ncnn
Darknet2ncnn converts the darknet model to the ncnn model
lvpchen/MobileNet-YOLO
A caffe implementation of MobileNet-YOLO detection network
lvpchen/DeblurGAN
Image Deblurring using Generative Adversarial Networks
lvpchen/resnet-imagenet-caffe
train resnet on imagenet from scratch with caffe
lvpchen/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
lvpchen/deep-learning-papers-translation
深度学习论文翻译,包括分类论文,检测论文等
lvpchen/Caffe-YOLOv2-Windows
lvpchen/MVision
机器人视觉 无人驾驶 视觉SLAM ORB LSD SVO DSO 深度学习目标检测yolov3 行为检测 opencv PCL 双目视觉
lvpchen/awesome-action-recognition
A curated list of action recognition and related area resources
lvpchen/mobilenet_ssd_pedestrian_detection
Mobilenet SSD based pedestrian detection
lvpchen/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
lvpchen/FaceBoxes
FaceBoxes: A CPU Real-time Face Detector with High Accuracy
lvpchen/yuvconverter
A set of functions that can convert between different Raw Video formats (YUV/RGB). YUVconverter can convert from yuv420 Progressive Planar format to any other Raw Video Format and back to YUV420 Progressive Planar format.
lvpchen/awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
lvpchen/Zeusee-Face-Anti-spoofing
开源人脸活体检测 Open Source Face Anti-spoofing
lvpchen/Pelee
Pelee: A Real-Time Object Detection System on Mobile Devices
lvpchen/mobilefacenet-mxnet
基于insightface训练mobilefacenet的相关步骤及ncnn转换流程
lvpchen/benchmark_results
visual tracker benchmark results
lvpchen/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
lvpchen/DSOD
DSOD: Learning Deeply Supervised Object Detectors from Scratch. In ICCV 2017.
lvpchen/MobileNet-Caffe
Caffe Implementation of Google's MobileNets (v1 and v2)
lvpchen/MTCNN-1
caffe mtcnn train script, c++ interface
lvpchen/caffe2
Caffe2 is a lightweight, modular, and scalable deep learning framework.
lvpchen/mtcnn-caffe
Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Neural Networks
lvpchen/Hidden-Two-Stream
Caffe implementation for "Hidden Two-Stream Convolutional Networks for Action Recognition"
lvpchen/VGG-or-MobileNet-SSD
Caffe implementation of Google VGG/MobileNet/ShuffleNet SSD detection network. Ref: (https://github.com/chuanqi305/MobileNet-SSD) (https://github.com/weiliu89/caffe) SSD QQ交流群:581437405
lvpchen/GestureDetect-Violajones-CNN-
Gesture detect by viola-jones and cnn(based on opencv and caffe), able to detect and classify 5 kinds of pose, best 3ms/perframe on ARM-Firefly-RK3399
lvpchen/rc4
This quite implementation for RC4, Encryption Algorithm