Pinned Repositories
chainer_image_recognition
links of my implementation
dense_net
Implementation of Densely Connected Convolutional Networks by chainer (Densely Connected Convolutional Networks: https://arxiv.org/abs/1608.06993)
googlenet
Implementation of GoogLeNet by chainer (Going Deeper with Convolutions: https://arxiv.org/abs/1409.4842)
googlenet_v2
Implementation of googlenet-v2 by chainer (Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift: https://arxiv.org/abs/1502.03167)
neural_architecture_search_with_reinforcement_learning_appendix_a
Implementation of Appendix A (Neural Architecture Search with Reinforcement Learning: https://arxiv.org/abs/1611.01578) by chainer
prelu_net
Implementation of PReLUNet by chainer (Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification: https://arxiv.org/abs/1502.01852)
resnext
Implementation of ResNext by chainer (Aggregated Residual Transformations for Deep Neural Networks: https://arxiv.org/abs/1611.05431)
SENets
Implementation of SENets by chainer (Squeeze-and-Excitation Networks: https://arxiv.org/abs/1709.01507)
shake_shake
Implementation of Shake-Shake by chainer (Shake-Shake regularization of 3-branch residual networks: https://openreview.net/forum?id=HkO-PCmYl)
stochastic_depth
Implementation of Deep Networks with Stochastic Depth by chainer (Deep Networks with Stochastic Depth: https://arxiv.org/abs/1603.09382)
nutszebra's Repositories
nutszebra/neural_architecture_search_with_reinforcement_learning_appendix_a
Implementation of Appendix A (Neural Architecture Search with Reinforcement Learning: https://arxiv.org/abs/1611.01578) by chainer
nutszebra/trainer
trainer for chainer
nutszebra/squeeze_net
Implementation of SqueezeNet by chainer (SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and <0.5MB model size: https://arxiv.org/abs/1602.07360)
nutszebra/shampoo
nutszebra/adversarial-robustness-toolbox
This is a library dedicated to adversarial machine learning. Its purpose is to allow rapid crafting and analysis of attacks and defense methods for machine learning models. The Adversarial Robustness Toolbox provides an implementation for many state-of-the-art methods for attacking and defending classifiers. https://developer.ibm.com/code/open/projects/adversarial-robustness-toolbox/
nutszebra/Pixel-to-Binary-Embedding
nutszebra/active-bayesian-coresets
nutszebra/active_osl
Code for "Active One-shot Learning"
nutszebra/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
nutszebra/BatchBALD
Efficient and Diverse Batch Acquisition for Deep Bayesian Active Learning.
nutszebra/densenet-pytorch
A PyTorch Implementation for Densely Connected Convolutional Networks (DenseNets)
nutszebra/dotfiles
dotfiles setting
nutszebra/erroir
nutszebra/example_embedding
Deep Clustering for Unsupervised Learning of Visual Features
nutszebra/iccv2019-inc
ICCV 2019 Overcoming Catastrophic Forgetting with Unlabeled Data in the Wild
nutszebra/intro_vae
nutszebra/is_receptive_field_necessary_to_big
nutszebra/mmdetection
Fork of the MMDetection Toolbox containing the Robustness Benchmark from the paper "Benchmarking Robustness in Object Detection: Autonomous Driving when Winter is Coming" (merged)
nutszebra/places365
The Places365-CNNs for Scene Classification
nutszebra/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
nutszebra/pyinn
CuPy fused PyTorch neural networks ops
nutszebra/pytorch-classification
Classification with PyTorch.
nutszebra/pytorch-wavenet
An implementation of WaveNet with fast generation
nutszebra/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
nutszebra/PyTorch_YOLOv3
Implementation of YOLOv3 in PyTorch
nutszebra/releasing-research-code
Tips for releasing research code in Machine Learning (with official NeurIPS 2020 recommendations)
nutszebra/ResNeXt-PyTorch
nutszebra/ResNeXt.pytorch
Reproduces ResNet-V3 with pytorch
nutszebra/training_through_attention
nutszebra/vind
Tensorflow Implementation of VIND