Pinned Repositories
abseil-cpp
Abseil Common Libraries (C++)
adversarial-frcnn
A-Fast-RCNN (CVPR 2017)
analytics-zoo
Distributed Tensorflow, Keras, PyTorch and BigDL on Apache Spark
az-net
Object detection using AZ-Net
caffe-fast-rcnn
Caffe fork that supports Fast R-CNN
caffe-lstm
LSTM implementation on Caffe
Caffe-SqueezeNet
caffe_fast_rcnn
This caffe supports ssd, fast(er)-rcnn with cudnn v5
CAM
Class Activation Mapping
cascaded_mobilenet-v2
cascaded convolutional neural network for facial point detection
Huangswust182's Repositories
Huangswust182/abseil-cpp
Abseil Common Libraries (C++)
Huangswust182/analytics-zoo
Distributed Tensorflow, Keras, PyTorch and BigDL on Apache Spark
Huangswust182/CAM
Class Activation Mapping
Huangswust182/condconv.pytorch
PyTorch implementation of CondConv and MobileNetV2 model
Huangswust182/dirent
C/C++ library for retrieving information on files and directories
Huangswust182/faster-rcnn-resnet
ResNet Implementation for Faster-rcnn
Huangswust182/fcn.berkeleyvision.org
Fully Convolutional Networks for Semantic Segmentation by Jonathan Long*, Evan Shelhamer*, and Trevor Darrell. CVPR 2015 and PAMI 2016.
Huangswust182/FPN
Feature Pyramid Networks for Object Detection
Huangswust182/HigherHRNet-Human-Pose-Estimation
This is an official implementation of our CVPR 2020 paper "HigherHRNet: Scale-Aware Representation Learning for Bottom-Up Human Pose Estimation" (https://arxiv.org/abs/1908.10357)
Huangswust182/kmeans-anchor-boxes
k-means clustering with the Intersection over Union (IoU) metric as described in the YOLO9000 paper
Huangswust182/MLKP
CVPR18 Paper: Multi-scale Location-aware Kernel Representation for Object Detection
Huangswust182/MobileNet-Caffe
Caffe Implementation of Google's MobileNets (v1 and v2)
Huangswust182/MobileNetv2
Huangswust182/MobilenetV3
A tensorflow implemention of MobilenetV3
Huangswust182/mobilenetv3-tensorflow
Unofficial implementation of MobileNetV3 architecture described in paper Searching for MobileNetV3.
Huangswust182/MobilenetV3-Tensorflow-1
the multi-GPUs implementation of mobilenet v3 in tensorflow with tf.layers
Huangswust182/MobileNetV3_TensorFlow2
A tensorflow2 implementation of MobileNet-V3.
Huangswust182/my_orc_keras_verification_code_identification
本项目实现了ocr主流算法gru/lstm+ctc+cnn架构,进行不定长度验证码识别,达到不分割字符而识别验证码内容的效果。验证码内容包含了大小字母以及数字,并增加点、线、颜色、位置、字体等干扰项。本项目对gru +ctc+cnn、lstm+ctc+cnn、cnn三种架构进行了对比,实践说明同等训练下gru/lstm+ctc+cnn架构准确率和速度均明显优于cnn架构,gru +ctc+cnn优于lstm+ctc+cnn,在实验2500个样本数据200轮训练时,gru +ctc+cnn架构在500样本测试准确率达90.2%。本项目技术能够训练长序列的ocr识别,更换数据集和相关调整,即可用于比如身份证号码、车牌、手机号、邮编等识别任务,也可用于汉字识别。
Huangswust182/OctConv-TFKeras
Unofficial implementation of Octave Convolutions (OctConv) in TensorFlow / Keras.
Huangswust182/PaddleDetection
Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.
Huangswust182/Partial-Order-Pruning
Partial Order Pruning: for Best Speed/Accuracy Trade-off in Neural Architecture Search
Huangswust182/SENet
Squeeze-and-Excitation Networks
Huangswust182/shufflenet-v2-tensorflow
A lightweight convolutional neural network
Huangswust182/SINet
IEEE Transactions on Intelligent Transportation Systems (T-ITS)
Huangswust182/tensorflow
An Open Source Machine Learning Framework for Everyone
Huangswust182/tensorflow-vgg16
conversation of caffe vgg16 model to tensorflow
Huangswust182/tpu
Reference models and tools for Cloud TPUs.
Huangswust182/unet
用caffe实现Unet
Huangswust182/vision
Datasets, Transforms and Models specific to Computer Vision
Huangswust182/zoom_network
The codebase for Zoom Out-and-In Network with Recursive Training for Object Proposal