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/cascade-rcnn
Caffe implementation of multiple popular object detection frameworks
hehewang625327/Algorithms_Engineer_Interview
计算机视觉算法工程师实习生面试总结(微软、阿里、商汤、海康、华为、平安offer)
hehewang625327/YOLOv3-model-pruning
在 oxford hand 数据集上对 YOLOv3 做模型剪枝(network slimming)
hehewang625327/LDESCpp
This is a C++ implementation of AAAI2019 paper LDES tracker. Now branch square is available, which uses square templates
hehewang625327/cvpr15deepcompare
Code and models for "Learning to Compare Image Patches via Convolutional Neural Networks"
hehewang625327/HandGestureRecognition
[Neurocomputing 2019] Fast and Robust Dynamic Hand Gesture Recognition via Key Frames Extraction and Feature Fusion
hehewang625327/mobilenetv3-yolov3
An experiment of transferring backbone of yolov3 into mobilenetv3
hehewang625327/Python
All Algorithms implemented in Python
hehewang625327/pumpkin-book
《机器学习》(西瓜书)公式推导解析,在线阅读地址:https://datawhalechina.github.io/pumpkin-book
hehewang625327/numpy-ml
Machine learning, in numpy
hehewang625327/opencv
Open Source Computer Vision Library
hehewang625327/tensorflow
An Open Source Machine Learning Framework for Everyone
hehewang625327/Cpp_Concurrency_In_Action
:book: 作为对《C++ Concurrency in Action》英文版的中文翻译。
hehewang625327/IDT_modify
hehewang625327/Coursera-ML-AndrewNg-Notes
吴恩达老师的机器学习课程个人笔记
hehewang625327/deeplearning_ai_books
deeplearning.ai(吴恩达老师的深度学习课程笔记及资源)
hehewang625327/pseudo-3d-pytorch
pytorch version of pseudo-3d-residual-networks(P-3D), pretrained model is supported
hehewang625327/dev-docs
服务于极市平台开发者的项目,提供SDK接口文件规范与常见问题示例代码。欢迎所有开发者一起参与示例代码编写。
hehewang625327/caffe
Caffe: a fast open framework for deep learning.
hehewang625327/DeepCC-local
DeepCC tracker with local-aware settings
hehewang625327/fishervector
Improved Fisher Vector Implementation
hehewang625327/MobileNet-SSD-TensorRT
Accelerate mobileNet-ssd with tensorRT
hehewang625327/DeepSORT
MOT using deepsort yolo3 with C++
hehewang625327/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
hehewang625327/csdn_blog_code_implement
这是我的csdn博客代码,只有代码实现,没有详细解释,欲了解更多信息,请访问我的csdn博客:
hehewang625327/C3D-tensorflow
C3D is a modified version of BVLC tensorflow to support 3D ConvNets.
hehewang625327/code-of-learn-deep-learning-with-pytorch
This is code of book "Learn Deep Learning with PyTorch"
hehewang625327/mobilenetv2-yolov3
use mobilenetv2 replace darknet53 for yolov3 detection
hehewang625327/kinetics-i3d
Convolutional neural network model for video classification trained on the Kinetics dataset.
hehewang625327/Interview-code-practice-python
面试题