Pinned Repositories
action_recog
fork from https://github.com/yjxiong/caffe
Aggregation-Cross-Entropy
Aggregation Cross-Entropy for Sequence Recognition. CVPR 2019.
Awesome-Scene-Text-Recognition
A curated list of resources dedicated to scene text localization and recognition
awesome-tensorflow
TensorFlow - A curated list of dedicated resources http://tensorflow.org
awesome-torch
A curated list of awesome Torch tutorials, projects and communities
benchmark_results
visual tracker benchmark results
caffe
This fork of BVLC/Caffe is dedicated to improving performance of this deep learning framework when running on CPU, in particular Intel® Xeon processors (HSW+) and Intel® Xeon Phi processors
caffe-face
This branch is developed for deep face recognition
caffe-model
Python script to generate prototxt on Caffe, inception_v3 \ inception_v4 \ inception_resnet \ fractalnet \ resnext
Object-Detection
Introduction The project presents an efficient method for object detection and demonstrates its use for real-time vision on-board vehicles. The work is closely based on Paul Viola’s face detection method [1], except that the system here was trained to detect objects related to traffic in order to assist the auto pilot on smart vehicles. The idea was adapted from D M Gavrila’s paper [2] REAL-TIME OBJECT DETECTION FOR "SMART" VEHICLES. Objective The target is to create Haar feature-based cascade classifiers by training the system with an appropriate amount of traffic related information in order to detect vehicles, pedestrians and traffic signs in real-time. Thus, this system in addition to driving assistance/collision avoidance, could further find its application in tracking and recognition.
huanleo's Repositories
huanleo/action_recog
fork from https://github.com/yjxiong/caffe
huanleo/Awesome-Scene-Text-Recognition
A curated list of resources dedicated to scene text localization and recognition
huanleo/awesome-tensorflow
TensorFlow - A curated list of dedicated resources http://tensorflow.org
huanleo/awesome-torch
A curated list of awesome Torch tutorials, projects and communities
huanleo/caffe
This fork of BVLC/Caffe is dedicated to improving performance of this deep learning framework when running on CPU, in particular Intel® Xeon processors (HSW+) and Intel® Xeon Phi processors
huanleo/caffe-video_triplet
Unsupervised Learning using Videos (ICCV 2015)
huanleo/caffe_GAN
This project uses GAN to implement gray image colorization
huanleo/Code-for-MPELU
Code for Improving Deep Neural Network with Multiple Parametric Exponential Linear Units
huanleo/dcgan.caffe
A pure caffe-python implementation of DC-GAN
huanleo/deep-residual-networks
Deep Residual Learning for Image Recognition
huanleo/deep_ocr
make a better chinese character recognition OCR than tesseract
huanleo/DeepFace
Face analysis mainly based on Caffe. At this time, face analysis tasks like detection, alignment and recognition have been done.
huanleo/deeplearning-papernotes
Summaries and notes on Deep Learning research papers
huanleo/face_verification_experiment
A Light CNN for Deep Face Representation with Noisy Labels
huanleo/FASText
Efficient Unconstrained Scene Text Detector
huanleo/fb-caffe-exts
Some handy utility libraries and tools for the Caffe deep learning framework.
huanleo/GNOIMI
huanleo/KCF
High-Speed Tracking with Kernelized Correlation Filters
huanleo/layer-norm
Code and models from the paper "Layer Normalization"
huanleo/libfacedetection
A binary library for face detection in images. You can use it free of charge with any purpose.
huanleo/MTCNN
Repository for "Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Neural Networks", implemented with Caffe, C++ interface.
huanleo/MTCNN_face_detection_alignment
Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Neural Networks
huanleo/mxnet
Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more
huanleo/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
huanleo/Qix
Machine Learning、Deep Learning、PostgreSQL、Distributed System、Node.Js、Golang
huanleo/sdm
Supervised Descent Method Apply to Face Alignment, and Head Pose Estimation with Linear Regression. It is cross-platfrom, easily compile in windows, ubuntu, even in Android & iOS.
huanleo/SqueezeNet
SqueezeNet: AlexNet-level accuracy with 50x fewer parameters
huanleo/SqueezeNet-Deep-Compression
huanleo/tensorflow-zh
谷歌全新开源人工智能系统TensorFlow官方文档中文版
huanleo/Vehicle-License-Plate-Detection-and-Recognition
This is a system, whose input is a picture(there may be no license plate, a license plate, or multiple license plates in it), detecting all license plates and recognizing the text above.