ssedai026's Stars
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
huggingface/diffusers
🤗 Diffusers: State-of-the-art diffusion models for image, video, and audio generation in PyTorch and FLAX.
junyanz/pytorch-CycleGAN-and-pix2pix
Image-to-Image Translation in PyTorch
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
karpathy/minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
letta-ai/letta
Letta (formerly MemGPT) is the stateful agents framework with memory, reasoning, and context management.
facebookresearch/detr
End-to-End Object Detection with Transformers
lucidrains/DALLE2-pytorch
Implementation of DALL-E 2, OpenAI's updated text-to-image synthesis neural network, in Pytorch
kornia/kornia
🐍 Geometric Computer Vision Library for Spatial AI
Atcold/NYU-DLSP20
NYU Deep Learning Spring 2020
Project-MONAI/MONAI
AI Toolkit for Healthcare Imaging
mosaicml/composer
Supercharge Your Model Training
facebookresearch/vissl
VISSL is FAIR's library of extensible, modular and scalable components for SOTA Self-Supervised Learning with images.
torch-points3d/torch-points3d
Pytorch framework for doing deep learning on point clouds.
taesungp/contrastive-unpaired-translation
Contrastive unpaired image-to-image translation, faster and lighter training than cyclegan (ECCV 2020, in PyTorch)
google-research/torchsde
Differentiable SDE solvers with GPU support and efficient sensitivity analysis.
locuslab/convmixer
Implementation of ConvMixer for "Patches Are All You Need? 🤷"
lyndonzheng/Pluralistic-Inpainting
[CVPR 2019]: Pluralistic Image Completion
Megvii-BaseDetection/cvpods
All-in-one Toolbox for Computer Vision Research.
google-deepmind/distrax
HRNet/HRFormer
[ NeurIPS2021] This is an official implementation of our paper "HRFormer: High-Resolution Transformer for Dense Prediction".
google-research/robustness_metrics
ecs-vlc/FMix
Official implementation of 'FMix: Enhancing Mixed Sample Data Augmentation'
tensorpack/dataflow
Efficient Data Loading Pipeline in Pure Python
happenwah/FVI_CV
Code for Scalable Uncertainty for Computer Vision with Functional Variational Inference @ CVPR 2020
ilfrich/annotator
General Purpose Image Annotation Tool. Ideas and feature wishes? Please open an Issue:
ssedai026/semantic-image-segmentation
A training framework for a multiclass semantic image segmentation based on tensorflow keras (tf.keras)