Pinned Repositories
Action-Recognition
Action Recongition Using STIP and BoW/SVM pipeline
AdelaiDet
AdelaiDet is an open source toolbox for multiple instance-level detection and recognition tasks.
AerialDetection
AICIty-reID-2020
:red_car: The 1st Place Submission to AICity Challenge 2020 re-id track (Baidu-UTS submission)
AlexNet-PyTorch
An PyTorch implementation AlexNet.Simple, easy to use and efficient
Algorithms_Engineer_Interview
计算机视觉算法工程师实习生面试总结(微软、阿里、商汤、海康、华为、平安offer)
arcface-pytorch
awesome-deep-text-detection-recognition
A curated list of resources for text detection/recognition (optical character recognition ) with deep learning methods.
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)
Awesome-Skeleton-based-Action-Recognition
Skeleton-based Action Recognition
hehewang625327's Repositories
hehewang625327/AlexNet-PyTorch
An PyTorch implementation AlexNet.Simple, easy to use and efficient
hehewang625327/awesome-deep-text-detection-recognition
A curated list of resources for text detection/recognition (optical character recognition ) with deep learning methods.
hehewang625327/Awesome-Skeleton-based-Action-Recognition
Skeleton-based Action Recognition
hehewang625327/channel-pruning
Channel Pruning for Accelerating Very Deep Neural Networks (ICCV'17)
hehewang625327/code_zoo
hehewang625327/CSP
High-level Semantic Feature Detection: A New Perspective for Pedestrian Detection, CVPR, 2019
hehewang625327/cuda-by-example
Code for NVIDIA's CUDA By Example Book.
hehewang625327/DenseNet
Densely Connected Convolutional Networks, In CVPR 2017 (Best Paper Award).
hehewang625327/Fall-Detection-with-CNNs-and-Optical-Flow
Repository containing the material required to reproduce the results of the paper "Vision-Based Fall Detection with Convolutional Neural Networks"
hehewang625327/fb.resnet.torch
Torch implementation of ResNet from http://arxiv.org/abs/1512.03385 and training scripts
hehewang625327/gradient_descent_viz
interactive visualization of 5 popular gradient descent methods with step-by-step illustration and hyperparameter tuning UI
hehewang625327/KCCA
Kernel Canonical Correlation Analysis code for Matlab.
hehewang625327/LeNet5
Pure numpy implementation of LeNet5, to help you understand how CNN works.
hehewang625327/Lets_OCR
A repository for OCR, which inlcudes some classical OCR algorithms Pytorch implementation such as CTPN, EAST and CRNN.
hehewang625327/LPRNet_Pytorch
Pytorch Implementation For LPRNet, A High Performance And Lightweight License Plate Recognition Framework.
hehewang625327/multiple-object-tracking
combine state of art deep neural network based detectors with most efficient trackers to solve motion based multiple objects tracking problems
hehewang625327/ObjectDetectionImbalance
Lists the papers related to imbalance problems in object detection
hehewang625327/pytorch-in-action
hehewang625327/Pytorch-Model-to-TensorRT
hehewang625327/Realtime_Multi-Person_Pose_Estimation
Code repo for realtime multi-person pose estimation in CVPR'17 (Oral)
hehewang625327/receptive_field
Compute receptive fields of your favorite convnets
hehewang625327/reid-strong-baseline
Bag of Tricks and A Strong Baseline for Deep Person Re-identification
hehewang625327/ReID_tutorial_slides
《深度学习与行人重识别》课程课件
hehewang625327/Unet-Segmentation-Pytorch-Nest-of-Unets
Implementation of different kinds of Unet Models for Image Segmentation - Unet , RCNN-Unet, Attention Unet, RCNN-Attention Unet, Nested Unet
hehewang625327/vgg16-pytorch
vgg16 implemention by pytorch & transfer learning
hehewang625327/VOC_to_COCO
最简单的VOC转COCO, 一条指令完整转换
hehewang625327/weighted-bipartite-perfect-matching
Fast C++ implementation of an O(NM) algorithm for the assignment problem.
hehewang625327/YOLO_v3_tutorial_from_scratch
Accompanying code for Paperspace tutorial series "How to Implement YOLO v3 Object Detector from Scratch"
hehewang625327/YOLOv3-complete-pruning
提供对YOLOv3及Tiny的多种剪枝版本,以适应不同的需求。
hehewang625327/Yolov4detect
C++ project of Yolov4