Pinned Repositories
AutoDL
Automated Deep Learning without ANY human intervention. 1'st Solution for AutoDL challenge@NeurIPS.
AutoDL-Projects
Automated deep learning algorithms implemented in PyTorch or Tensorflow.
Awesome-Knowledge-Distillation
Awesome Knowledge-Distillation. 分类整理的知识蒸馏paper(2014-2021)。
Awesome-Meta-Learning
A curated list of Meta Learning papers, code, books, blogs, videos, datasets and other resources.
baselines
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
ChID-Dataset
The ChID Dataset for paper ChID: A Large-scale Chinese IDiom Dataset for Cloze Test
CVPR2020_Auxiliary_Quantization
Training Quantized Neural Networks with a Full-precision Auxiliary Module
prototypical-networks-tensorflow
Tensorflow implementation of NIPS 2017 Paper "Prototypical Networks for Few-shot Learning"
qmc-Transverter
qmc文件转换成普通音频文件
1157942086's Repositories
1157942086/fucking-algorithm
手把手撕LeetCode题目,扒各种算法套路的裤子,not only how,but also why. English translation is processing... Star this repo and come back soon:)
1157942086/pytorch_image_classification
image classification by pytorch
1157942086/FastFCN
FastFCN: Rethinking Dilated Convolution in the Backbone for Semantic Segmentation.
1157942086/Knowledge-Distillation-Zoo
1157942086/pytorch-meta
A collection of extensions and data-loaders for few-shot learning & meta-learning in PyTorch
1157942086/loupe-pytorch
Learnable mOdUle for Pooling fEatures(LOUPE) implementation in pytorch and it's example use
1157942086/pytorch-cifar
tutorial for hku msc in comp 7305
1157942086/graphviz
Simple Python interface for Graphviz
1157942086/neuralpredictor.pytorch
Open source reproduction in PyTorch of "Neural Predictor for Neural Architecture Search".
1157942086/GradVis
1157942086/RRPN_pytorch
RRPN in pytorch 1.0 ----- Arbitrary-Oriented Scene Text Detection via Rotation Proposals
1157942086/slimmable_networks
Slimmable Networks, AutoSlim, and Beyond, ICLR 2019, and ICCV 2019
1157942086/AutoDL-Projects
Automated deep learning algorithms implemented in PyTorch or Tensorflow.
1157942086/pytorch-summary
Model summary in PyTorch similar to `model.summary()` in Keras
1157942086/RepDistiller
[ICLR 2020] Contrastive Representation Distillation (CRD), and benchmark of recent knowledge distillation methods
1157942086/tensorwatch
Debugging, monitoring and visualization for Python Machine Learning and Data Science
1157942086/deeper-insights-weight-sharing
1157942086/pytorch-memonger
Sublinear memory optimization for deep learning. https://arxiv.org/abs/1604.06174
1157942086/pytorch_resnet_cifar10
Proper implementation of ResNet-s for CIFAR10/100 in pytorch that matches description of the original paper.
1157942086/IMTA
1157942086/Awesome-Meta-Learning
A curated list of Meta Learning papers, code, books, blogs, videos, datasets and other resources.
1157942086/Person_reID_baseline_pytorch
A tiny, friendly, strong pytorch implement of person re-identification baseline. Tutorial 👉https://github.com/layumi/Person_reID_baseline_pytorch/tree/master/tutorial
1157942086/pytorch-classification
Classification with PyTorch.
1157942086/darts
Differentiable architecture search for convolutional and recurrent networks
1157942086/cifar2png
Convert CIFAR-10 and CIFAR-100 datasets into PNG images
1157942086/ECANet
Code for ECA-Net: Efficient Channel Attention for Deep Convolutional Neural Networks
1157942086/PyTorch_ProxylessNAS
my implementation of ProxylessNAS
1157942086/SinglePathOneShot
1157942086/qmc-Transverter
qmc文件转换成普通音频文件
1157942086/YOLOv3-model-pruning
在 oxford hand 数据集上对 YOLOv3 做模型剪枝(network slimming)