Pinned Repositories
awesome-Face_Recognition
papers about Face Detection; Face Alignment; Face Recognition && Face Identification && Face Verification && Face Representation; Face Reconstruction; Face Tracking; Face Super-Resolution && Face Deblurring; Face Generation && Face Synthesis; Face Transfer; Face Anti-Spoofing; Face Retrieval;
Awesome-Pruning
A curated list of neural network pruning resources.
caffe
Caffe: a fast open framework for deep learning.
caffe-1
This fork of BVLC/Caffe is dedicated to improving performance of this deep learning framework when running on CPU, in particular Intel® Xeon processors.
caffe-model
Caffe models (imagenet pretrain) and prototxt generator scripts for inception_v3 \ inception_v4 \ inception_resnet \ fractalnet \ resnext
caffe-model-zoo
caffe pretrained models and prototxt
caffe-segnet
Implementation of SegNet: A Deep Convolutional Encoder-Decoder Architecture for Semantic Pixel-Wise Labelling
caffe-yolo9000
Caffe for YOLOv2 & YOLO9000
caffe-yolov2
cnn-lstm-bilstm-deepcnn-clstm-in-pytorch
In PyTorch Learing Neural Networks Likes CNN(Convolutional Neural Networks for Sentence Classification (Y.Kim, EMNLP 2014) 、LSTM、BiLSTM、DeepCNN 、CLSTM、CNN and LSTM
xuhui6666's Repositories
xuhui6666/Awesome-Pruning
A curated list of neural network pruning resources.
xuhui6666/caffe-1
This fork of BVLC/Caffe is dedicated to improving performance of this deep learning framework when running on CPU, in particular Intel® Xeon processors.
xuhui6666/caffe-yolov3
A real-time object detection framework of Yolov3/v4 based on caffe
xuhui6666/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
xuhui6666/chineseocr_lite
超轻量级中文ocr,支持竖排文字识别, 支持ncnn推理 , dbnet(1.7M) + crnn(6.3M) + anglenet(1.5M) 总模型仅10M
xuhui6666/darknet2caffe
Convert darknet weights to caffemodel
xuhui6666/filter-pruning-geometric-median
Filter Pruning via Geometric Median for Deep Convolutional Neural Networks Acceleration (CVPR 2019 Oral)
xuhui6666/hello-algorithm
🙈🙉🙊 本项目包括:1、我写的三十万字图解算法题典 2、100 张 IT 相关超清思维导图 3、100 篇大厂面经汇总 4、各语言编程电子书 100 本 5、English version supported !!! 🚀🚀 国人项目上榜首不易,右上角助力一波!干就对了,奥利给 !🚀🚀
xuhui6666/jetson_benchmarks
Jetson Benchmark
xuhui6666/libfacedetection
An open source library for face detection in images. The face detection speed can reach 1500FPS.
xuhui6666/models
Models and examples built with TensorFlow
xuhui6666/models-1
A collection of pre-trained, state-of-the-art models in the ONNX format
xuhui6666/nas_benchmarks
xuhui6666/nasbench
NASBench: A Neural Architecture Search Dataset and Benchmark
xuhui6666/netron
Visualizer for neural network, deep learning, and machine learning models
xuhui6666/onnx
Open standard for machine learning interoperability
xuhui6666/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
xuhui6666/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
xuhui6666/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
xuhui6666/RandWireNN-1
Pytorch Implementation of: "Exploring Randomly Wired Neural Networks for Image Recognition"
xuhui6666/soft-filter-pruning
Soft Filter Pruning for Accelerating Deep Convolutional Neural Networks
xuhui6666/staythefuckhome
The #StayTheFuckHome Website
xuhui6666/Taylor_pruning
Pruning Neural Networks with Taylor criterion in Pytorch
xuhui6666/tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
xuhui6666/tensorflow
An Open Source Machine Learning Framework for Everyone
xuhui6666/Ultra-Light-Fast-Generic-Face-Detector-1MB
💎 一款超轻量级通用人脸检测模型(模型文件大小仅1MB,320x240输入下计算量仅90MFlops)适用于边缘计算设备、移动端设备以及PC
xuhui6666/unet
unet for image segmentation
xuhui6666/vision
Datasets, Transforms and Models specific to Computer Vision
xuhui6666/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > iOS
xuhui6666/YOLOv3_PyTorch
Full implementation of YOLOv3 in PyTorch