motono0223's Stars
Lightning-AI/pytorch-lightning
Pretrain, finetune ANY AI model of ANY size on multiple GPUs, TPUs with zero code changes.
matterport/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
aleju/imgaug
Image augmentation for machine learning experiments.
google-research/vision_transformer
qubvel-org/segmentation_models.pytorch
Semantic segmentation models with 500+ pretrained convolutional and transformer-based backbones.
lukemelas/EfficientNet-PyTorch
A PyTorch implementation of EfficientNet
mikel-brostrom/boxmot
BoxMOT: pluggable SOTA tracking modules for segmentation, object detection and pose estimation models
AntixK/PyTorch-VAE
A Collection of Variational Autoencoders (VAE) in PyTorch.
google/automl
Google Brain AutoML
jmportilla/Python-for-Algorithms--Data-Structures--and-Interviews
Files for Udemy Course on Algorithms and Data Structures
qubvel/efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
nagadomi/lbpcascade_animeface
A Face detector for anime/manga using OpenCV
ronghuaiyang/arcface-pytorch
SwinTransformer/Swin-Transformer-Semantic-Segmentation
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows" on Semantic Segmentation.
abhishekkrthakur/tez
Tez is a super-simple and lightweight Trainer for PyTorch. It also comes with many utils that you can use to tackle over 90% of deep learning projects in PyTorch.
agconti/kaggle-titanic
A tutorial for Kaggle's Titanic: Machine Learning from Disaster competition. Demonstrates basic data munging, analysis, and visualization techniques. Shows examples of supervised machine learning techniques.
YutaroOgawa/pytorch_advanced
書籍「つくりながら学ぶ! PyTorchによる発展ディープラーニング」の実装コードを配置したリポジトリです
rstrudel/segmenter
[ICCV2021] Official PyTorch implementation of Segmenter: Transformer for Semantic Segmentation
gzerveas/mvts_transformer
Multivariate Time Series Transformer, public version
faustomorales/vit-keras
Keras implementation of ViT (Vision Transformer)
ChristofHenkel/kaggle-landmark-2021-1st-place
4uiiurz1/keras-arcface
Keras implementation of ArcFace, CosFace, and SphereFace
vincent-leguen/PhyDNet
Code for our CVPR 2020 paper "Disentangling Physical Dynamics from Unknown Factors for UnsupervisedVideo Prediction"
Fraser-Greenlee/transformer-vae
A library for making Transformer Variational Autoencoders. (Extends the Huggingface/transformers library.)
ashawkey/volumentations
3D volume data augmentation package inspired by albumentations
agconti/KaggleAux
A collection of statistical tools to aid Data Science competitors in Kaggle Competitions.
lucidfrontier45/PyTorch-Book
deephub-ai/torch-handle
TorchHandle makes your PyTorch development more efficient and make you use PyTorch more comfortable
ChristofHenkel/hyperbolic-image-embeddings
Supplementary code for the paper "Hyperbolic Image Embeddings".
ChristofHenkel/google-images-download
Python Script to download hundreds of images from 'Google Images'. It is a ready-to-run code!