Pinned Repositories
3DDFA_V2
The official PyTorch implementation of Towards Fast, Accurate and Stable 3D Dense Face Alignment, ECCV 2020.
albumentations
Fast image augmentation library and easy to use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about library: https://www.mdpi.com/2078-2489/11/2/125
ASRT_SpeechRecognition
A Deep-Learning-Based Chinese Speech Recognition System 基于深度学习的中文语音识别系统
awesome-semantic-segmentation
:metal: awesome-semantic-segmentation
brevitas
Training-aware quantization in Pytorch
CaptainBlackboard
船长关于机器学习、计算机视觉和工程技术的总结和分享
chainercv
ChainerCV: a Library for Deep Learning in Computer Vision
hairstyle
a project about hairstyle
Tensorflow-Cookbook
Simple Tensorflow Cookbook for easy-to-use
tensorflow_cookbook
Code for Tensorflow Machine Learning Cookbook
Dreamgang's Repositories
Dreamgang/hairstyle
a project about hairstyle
Dreamgang/Tensorflow-Cookbook
Simple Tensorflow Cookbook for easy-to-use
Dreamgang/3DDFA_V2
The official PyTorch implementation of Towards Fast, Accurate and Stable 3D Dense Face Alignment, ECCV 2020.
Dreamgang/albumentations
Fast image augmentation library and easy to use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about library: https://www.mdpi.com/2078-2489/11/2/125
Dreamgang/ASRT_SpeechRecognition
A Deep-Learning-Based Chinese Speech Recognition System 基于深度学习的中文语音识别系统
Dreamgang/brevitas
Training-aware quantization in Pytorch
Dreamgang/CaptainBlackboard
船长关于机器学习、计算机视觉和工程技术的总结和分享
Dreamgang/chainercv
ChainerCV: a Library for Deep Learning in Computer Vision
Dreamgang/daily-paper-computer-vision
记录每天整理的计算机视觉/深度学习/机器学习相关方向的论文
Dreamgang/CVprojects
computer vision projects | 计算机视觉相关好玩的AI项目(Python、C++、embedded system)
Dreamgang/Dive-into-DL-PyTorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
Dreamgang/Face-Detector-1MB-with-landmark
1M人脸检测模型(含关键点)
Dreamgang/facedet
实现常用基于深度学习的人脸检测算法
Dreamgang/flexible-yolov5
More readable and flexible yolov5 with more backbone(resnet, shufflenet, moblienet, efficientnet, hrnet, swin-transformer) and (cbam,dcn and so on), and tensorrt
Dreamgang/hackaway
books, projects and memos
Dreamgang/hagrid
HAnd Gesture Recognition Image Dataset
Dreamgang/ICNet-tensorflow
TensorFlow-based implementation of "ICNet for Real-Time Semantic Segmentation on High-Resolution Images".
Dreamgang/mlhub123
机器学习&深度学习网站资源汇总(Machine Learning Resources)
Dreamgang/mobile-yolov5-pruning-distillation
mobilev2-yolov5s剪枝、蒸馏,支持ncnn,tensorRT部署。ultra-light but better performence!
Dreamgang/ncnn-webassembly-yolov5
Deploy YOLOv5 in your web browser with ncnn and webassembly
Dreamgang/nniefacelib
nniefacelib是一个在海思35xx系列芯片上运行的人脸算法库
Dreamgang/Object-Detection-Metrics
Most popular metrics used to evaluate object detection algorithms.
Dreamgang/onnx-simplifier
Simplify your onnx model
Dreamgang/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- (SE)ResNet/ResNeXT, DPN, EfficientNet, MixNet, MobileNet-V3/V2, MNASNet, Single-Path NAS, FBNet, and more
Dreamgang/PytorchToCaffe
Pytorch model to caffe model, supported pytorch 0.3, 0.3.1, 0.4, 0.4.1 ,1.0 , 1.0.1 , 1.2 ,1.3 .notice that only pytorch 1.1 have some bugs
Dreamgang/R-CenterNet
detector for rotated-object based on CenterNet/基于CenterNet的旋转目标检测
Dreamgang/simple-int8-pytorch-implement
int8 calibration implement and inference (help you understand int8 Q)
Dreamgang/simple-onnx-processing-tools
A set of simple tools for splitting, merging, OP deletion, size compression, rewriting attributes and constants, OP generation, change opset, change to the specified input order, addition of OP, RGB to BGR conversion, change batch size, batch rename of OP, and JSON convertion for ONNX models.
Dreamgang/tensorflow-speech-recognition
🎙Speech recognition using the tensorflow deep learning framework, sequence-to-sequence neural networks
Dreamgang/yolov5_prune
yolov5 prune,Support V2, V3, V4 and V6 versions of yolov5