Pinned Repositories
100_numpy_exercises
100 numpy exercises
amazon-dsstne
Deep Scalable Sparse Tensor Network Engine (DSSTNE) is an Amazon developed library for building Deep Learning (DL) machine learning (ML) models
autogluon
AutoGluon: AutoML Toolkit for Deep Learning
BinaryConnect
Training Deep Neural Networks with binary weights during propagations
caffe-lily
Caffe: a fast open framework for deep learning.
CalibTIP
Improving Post Training Neural Quantization: Layer-wise Calibration and Integer Programming
d2l-tvm
Dive into Deep Learning Compiler
d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。英文版即伯克利“深度学习导论”教材。
DeepLearningWithTF2.0
Practical Exercises in TensorFlow 2.0 for Ian Goodfellows Deep Learning Book
Dive-into-DL-PyTorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
zhuikonger's Repositories
zhuikonger/100_numpy_exercises
100 numpy exercises
zhuikonger/amazon-dsstne
Deep Scalable Sparse Tensor Network Engine (DSSTNE) is an Amazon developed library for building Deep Learning (DL) machine learning (ML) models
zhuikonger/autogluon
AutoGluon: AutoML Toolkit for Deep Learning
zhuikonger/BinaryConnect
Training Deep Neural Networks with binary weights during propagations
zhuikonger/caffe-lily
Caffe: a fast open framework for deep learning.
zhuikonger/CalibTIP
Improving Post Training Neural Quantization: Layer-wise Calibration and Integer Programming
zhuikonger/d2l-tvm
Dive into Deep Learning Compiler
zhuikonger/d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。英文版即伯克利“深度学习导论”教材。
zhuikonger/DeepLearningWithTF2.0
Practical Exercises in TensorFlow 2.0 for Ian Goodfellows Deep Learning Book
zhuikonger/Dive-into-DL-PyTorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
zhuikonger/Dive-into-DL-TensorFlow2.0
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为TensorFlow 2.0实现,项目已得到李沐老师的同意
zhuikonger/dlwpt-code
Code for the book Deep Learning with PyTorch by Eli Stevens and Luca Antiga.
zhuikonger/dqn_caffe
Yet another replication of ``Human-level control through deep reinforcement learning''.
zhuikonger/fast-rcnn
Fast R-CNN
zhuikonger/kaldi-lstm
C++ implementation of LSTM (Long Short Term Memory), in Kaldi's nnet1 framework. Used for automatic speech recognition, possibly language modeling etc, the training can be switched between CPU and GPU(CUDA). This repo is now merged into official Kaldi codebase(Karel's setup), so this repo is no longer maintained, please check out the Kaldi project instead.
zhuikonger/model-compression
model compression based on pytorch (1、quantization: 8/4/2bits(dorefa)、ternary/binary value(twn/bnn/xnor-net);2、 pruning: normal、regular and group convolutional pruning;3、 group convolution structure;4、BN fusion for binary value of feature(A))
zhuikonger/pytorch-cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet)
zhuikonger/pytorch-Deep-Learning-Minicourse
Deep Learning with PyTorch
zhuikonger/pytorch-summary
Model summary in PyTorch similar to `model.summary()` in Keras
zhuikonger/Recent_SLAM_Research
Track Advancement of SLAM 跟踪SLAM前沿动态【2020 version】
zhuikonger/reinforcement-learning-car
Using reinforcement learning to teach a car to avoid obstacles.
zhuikonger/Rethinking_CNN_Layerwise_Feature_Amounts
PyTorch implementation of our paper "Rethinking Layer-wise Feature Amounts in Convolutional Neural Network Architectures"
zhuikonger/Single-Path-One-Shot-NAS
SPOS(Single Path One-Shot Neural Architecture Search with Uniform Sampling) rebuilt in Pytorch with single GPU.
zhuikonger/SqueezeNet
SqueezeNet: AlexNet-level accuracy with 50x fewer parameters
zhuikonger/SuperMachineLearningNotes
Super-Machine-Learning-Revision-Notes
zhuikonger/TensorFlow-Examples
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
zhuikonger/tensorwatch
Debugging, monitoring and visualization for Python Machine Learning and Data Science
zhuikonger/thinc
🔮 A refreshing functional take on deep learning, compatible with your favorite libraries
zhuikonger/zhuikonger.github.io
My Blog.