Pinned Repositories
AlphaTree-graphic-deep-neural-network
将深度神经网络中的一些模型 进行统一的图示,便于大家对模型的理解
Attention-OCR
Visual Attention based OCR
darknet
Windows and Linux version of Darknet Yolo v3 & v2 Neural Networks for object detection (Tensor Cores are used)
facenet
Face recognition using Tensorflow
fDSST_cpp
C++ re-implementation of fast Discriminative Scale Space Tracking.
learnopencv
Learn OpenCV : C++ and Python Examples
MachineLearning
Basic Machine Learning and Deep Learning
MobileNet-YOLO
A caffe implementation of MobileNet-YOLO detection network
onnx2caffe
onnx模型转caffe模型的工具
open_model_zoo
Pre-trained Deep Learning models and samples (high quality and extremely fast)
Yang507's Repositories
Yang507/AlphaTree-graphic-deep-neural-network
将深度神经网络中的一些模型 进行统一的图示,便于大家对模型的理解
Yang507/Attention-OCR
Visual Attention based OCR
Yang507/darknet
Windows and Linux version of Darknet Yolo v3 & v2 Neural Networks for object detection (Tensor Cores are used)
Yang507/facenet
Face recognition using Tensorflow
Yang507/fDSST_cpp
C++ re-implementation of fast Discriminative Scale Space Tracking.
Yang507/learnopencv
Learn OpenCV : C++ and Python Examples
Yang507/MachineLearning
Basic Machine Learning and Deep Learning
Yang507/MobileNet-YOLO
A caffe implementation of MobileNet-YOLO detection network
Yang507/onnx2caffe
onnx模型转caffe模型的工具
Yang507/open_model_zoo
Pre-trained Deep Learning models and samples (high quality and extremely fast)
Yang507/real_time_face_recognition
Real time face detection and recognition base on opencv/tensorflow/mtcnn/facenet
Yang507/scikit-learn
scikit-learn: machine learning in Python
Yang507/tensorflow-cmake
Integrate TensorFlow with CMake projects effortlessly
Yang507/weibo_analysis
python爬虫自动爬取指定用户的原创微博和图片,并对微博进行归类分析,最后以html图表的形式展示。
Yang507/YOLOv5-Lite
🍅🍅🍅YOLOv5-Lite: lighter, faster and easier to deploy. Evolved from yolov5 and the size of model is only 1.7M (int8) and 3.3M (fp16). It can reach 10+ FPS on the Raspberry Pi 4B when the input size is 320×320~