-
AI Lab, Naver Corp.
- South Korea
- https://dongyoonhan.github.io/
-
-
nanoGPT Public
Forked from karpathy/nanoGPTThe simplest, fastest repository for training/finetuning medium-sized GPTs.
Python MIT License UpdatedJun 16, 2023 -
NeglectedFreeLunch Public
Forked from naver-ai/NeglectedFreeLunchJupyter Notebook MIT License UpdatedMar 7, 2023 -
.tmux Public
Forked from gpakosz/.tmux🇫🇷 Oh my tmux! My self-contained, pretty & versatile tmux configuration made with ❤️
MIT License UpdatedNov 6, 2022 -
vision Public
Forked from pytorch/visionDatasets, Transforms and Models specific to Computer Vision
Jupyter Notebook BSD 3-Clause "New" or "Revised" License UpdatedApr 3, 2022 -
PfLayer Public
Forked from naver-ai/PfLayerLearning Features with Parameter-Free Layers, ICLR 2022
UpdatedFeb 6, 2022 -
ViLT Public
Forked from dandelin/ViLTCode for the ICML 2021 (long talk) paper: "ViLT: Vision-and-Language Transformer Without Convolution or Region Supervision"
Python Apache License 2.0 UpdatedDec 30, 2021 -
mixup-cifar10 Public
Forked from facebookresearch/mixup-cifar10mixup: Beyond Empirical Risk Minimization
Python Other UpdatedOct 12, 2021 -
PyTorch-Darknet53 Public
Forked from developer0hye/PyTorch-Darknet53PyTorch implementation of Darknet53
Python UpdatedAug 8, 2021 -
-
pytorch-image-models Public
Forked from huggingface/pytorch-image-modelsPyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
Python Apache License 2.0 UpdatedJun 7, 2021 -
do-you-even-need-attention Public
Forked from lukemelas/do-you-even-need-attentionExploring whether attention is necessary for vision transformers
Python UpdatedMay 7, 2021 -
relabel_imagenet Public
Forked from naver-ai/relabel_imagenetPython Apache License 2.0 UpdatedApr 9, 2021 -
rethinking_bottleneck_design Public
Forked from zhoudaquan/rethinking_bottleneck_designPython Other UpdatedOct 27, 2020 -
mmdetection Public
Forked from open-mmlab/mmdetectionOpenMMLab Detection Toolbox and Benchmark
Python Apache License 2.0 UpdatedJul 20, 2020 -
StatAssist-GradBoost Public
Forked from clovaai/frostnetA Study on Optimal INT8 Quantization-aware Training from Scratch
Python MIT License UpdatedJul 15, 2020 -
PyramidNet-PyTorch Public
A PyTorch implementation for PyramidNets (Deep Pyramidal Residual Networks, https://arxiv.org/abs/1610.02915)
-
examples Public
Forked from pytorch/examplesA set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
Python BSD 3-Clause "New" or "Revised" License UpdatedJul 5, 2020 -
rexnet Public
Forked from clovaai/rexnetOfficial Pytorch implementation of ReXNet (Rank eXpansion Network) with pretrained models
Python MIT License UpdatedJul 5, 2020 -
autogluon Public
Forked from autogluon/autogluonAutoGluon: AutoML Toolkit for Deep Learning
Python Apache License 2.0 UpdatedApr 17, 2020 -
PytorchSSD Public
Forked from lzx1413/PytorchSSDpytorch version of SSD and it's enhanced methods such as RFBSSD,FSSD and RefineDet
Python MIT License UpdatedJan 21, 2019 -
MobileNetV2-pytorch Public
Forked from Randl/MobileNetV2-pytorchImpementation of MobileNetV2 in pytorch
Python MIT License UpdatedAug 28, 2018 -
Xception-PyTorch Public
Forked from tstandley/Xception-PyTorchA PyTorch implementation of Xception: Deep Learning with Depthwise Separable Convolutions
Python Other UpdatedAug 24, 2018 -
Detectron Public
Forked from facebookresearch/DetectronFAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
Python Apache License 2.0 UpdatedJul 13, 2018 -
pytorch Public
Forked from pytorch/pytorchTensors and Dynamic neural networks in Python with strong GPU acceleration
C++ Other UpdatedApr 7, 2018 -
mcnSSD Public
Forked from albanie/mcnSSDA matconvnet implementation of the Single Shot Detector
MATLAB MIT License UpdatedMar 15, 2018 -
Gated-Convolutional-Networks Public
Forked from jojonki/Gated-Convolutional-NetworksA PyTorch implementation of : Language Modeling with Gated Convolutional Networks.
Python UpdatedNov 29, 2017 -
densenet-pytorch Public
Forked from andreasveit/densenet-pytorchA PyTorch Implementation for Densely Connected Convolutional Networks (DenseNets)
-
PyramidNet Public
Forked from jhkim89/PyramidNetTorch implementation of the paper "Deep Pyramidal Residual Networks" (https://arxiv.org/abs/1610.02915).