omiita's Stars
kornia/kornia
Geometric Computer Vision Library for Spatial AI
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
Lightning-AI/pytorch-lightning
Pretrain, finetune ANY AI model of ANY size on multiple GPUs, TPUs with zero code changes.
ecs-vlc/FMix
Official implementation of 'FMix: Enhancing Mixed Sample Data Augmentation'
clovaai/CutMix-PyTorch
Official Pytorch implementation of CutMix regularizer
4uiiurz1/pytorch-ricap
PyTorch implementation of RICAP (Random Image Cropping And Patching)
jonbarron/robust_loss_pytorch
A pytorch port of google-research/google-research/robust_loss/
google-research/simclr
SimCLRv2 - Big Self-Supervised Models are Strong Semi-Supervised Learners
jcgy/sprinkles
Image augmentation function - fast.ai
WeiyuCheng/AFN-AAAI-20
Source codes for our AAAI'20 paper: Adaptive Factorization Network: Learning Adaptive-Order Feature Interactions
omiita/PyTorchGeometric-Tutorial
Tutorials for PyTorch Geometric(PyG)
facebookresearch/detectron2
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
mquad/sars_tutorial
Repository for the tutorial on Sequence-Aware Recommender Systems held at TheWebConf 2019 and ACM RecSys 2018
lanpa/tensorboardX
tensorboard for pytorch (and chainer, mxnet, numpy, ...)
rwightman/gen-efficientnet-pytorch
Pretrained EfficientNet, EfficientNet-Lite, MixNet, MobileNetV3 / V2, MNASNet A1 and B1, FBNet, Single-Path NAS
NVIDIA/DeepLearningExamples
State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure.
omiita/PyTorchProjects
Use 50 models for standard datasets with PyTorch (in progress)
LiyuanLucasLiu/RAdam
On the Variance of the Adaptive Learning Rate and Beyond
tomgoldstein/loss-landscape
Code for visualizing the loss landscape of neural nets
tonylins/pytorch-mobilenet-v2
A PyTorch implementation of MobileNet V2 architecture and pretrained model.
lukemelas/EfficientNet-PyTorch
A PyTorch implementation of EfficientNet
CRIPAC-DIG/A-PGNN
[TKDE 2021] Source code and datasets for the paper "Personalizing Graph Neural Networks with Attention Mechanism for Session-based Recommendation"
jangmino/HGRU4Rec
Session based Recommendation, RecSys, TensorFlow
ageitgey/face_recognition
The world's simplest facial recognition api for Python and the command line
yagays/pytorch_bert_japanese
oreilly-japan/deep-learning-from-scratch-3
『ゼロから作る Deep Learning ❸』(O'Reilly Japan, 2020)
mquad/hgru4rec
Code for our ACM RecSys 2017 paper "Personalizing Session-based Recommendation with Hierarchical Recurrent Neural Networks"
OnYuKang/Recommendation-systems-paperlist
Papers about recommendation systems that I am interested in
pyg-team/pytorch_geometric
Graph Neural Network Library for PyTorch
YutaroOgawa/pytorch_advanced
書籍「つくりながら学ぶ! PyTorchによる発展ディープラーニング」の実装コードを配置したリポジトリです