Pinned Repositories
500-AI-Machine-learning-Deep-learning-Computer-vision-NLP-Projects-with-code
500 AI Machine learning Deep learning Computer vision NLP Projects with code
AI-News
Summarize the paper and code in AI(Semantic Segmentation, Medical Segmentation,REID,Super-Resolution,Registration,CVPR,ECCV,ICCV,AAAI,MICCAI)
annotated_deep_learning_paper_implementations
🧑🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Automated-Parking-Garage
Autoregressive-VAE
Transformer-based autoregressive varitional autoencoder
Awesome-Diffusion-Models-in-Medical-Imaging
Diffusion Models in Medical Imaging
Awesome-Transformer-Attention
An ultimately comprehensive paper list of Vision Transformer/Attention, including papers, codes, and related websites
coursera-ai-for-medicine-specialization
Programming assignments, labs and quizzes from all courses in the Coursera AI for Medicine Specialization offered by deeplearning.ai
COVID19_imaging_AI_paper_list
COVID-19 imaging-based AI paper collection
CVIT19
saisusmitha's Repositories
saisusmitha/500-AI-Machine-learning-Deep-learning-Computer-vision-NLP-Projects-with-code
500 AI Machine learning Deep learning Computer vision NLP Projects with code
saisusmitha/AI-News
Summarize the paper and code in AI(Semantic Segmentation, Medical Segmentation,REID,Super-Resolution,Registration,CVPR,ECCV,ICCV,AAAI,MICCAI)
saisusmitha/annotated_deep_learning_paper_implementations
🧑🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
saisusmitha/Autoregressive-VAE
Transformer-based autoregressive varitional autoencoder
saisusmitha/Awesome-Diffusion-Models-in-Medical-Imaging
Diffusion Models in Medical Imaging
saisusmitha/Awesome-Transformer-Attention
An ultimately comprehensive paper list of Vision Transformer/Attention, including papers, codes, and related websites
saisusmitha/coursera-ai-for-medicine-specialization
Programming assignments, labs and quizzes from all courses in the Coursera AI for Medicine Specialization offered by deeplearning.ai
saisusmitha/COVID19_imaging_AI_paper_list
COVID-19 imaging-based AI paper collection
saisusmitha/deep-learning-v2-pytorch
Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101
saisusmitha/DeepLearningInMedicalImagingAndMedicalImageAnalysis
saisusmitha/deterministic-uncertainty-quantification
Code for "Uncertainty Estimation Using a Single Deep Deterministic Neural Network"
saisusmitha/machine-learning-papers-summary
機器學習論文筆記
saisusmitha/MedicalZooPytorch
A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation
saisusmitha/MedSegDiff
Medical Image Segmentation with Diffusion Model
saisusmitha/MedUncertainty
Uncertainty in Medical Image Analysis
saisusmitha/MICCAI-OpenSourcePapers
MICCAI 2020 Open Source Papers
saisusmitha/ML-paper-notes
:notebook: Notes and summaries of various ML, Computer Vision & NLP papers.
saisusmitha/NVAE
The Official PyTorch Implementation of "NVAE: A Deep Hierarchical Variational Autoencoder" (NeurIPS 2020 spotlight paper)
saisusmitha/papers
Summaries of papers on machine learning, computer vision, autonomous robots etc.
saisusmitha/papers-3
Summaries of machine learning papers
saisusmitha/papers-4
paper summaries
saisusmitha/pytorch-Deep-Learning
Deep Learning (with PyTorch)
saisusmitha/PyTorch-VAE
A Collection of Variational Autoencoders (VAE) in PyTorch.
saisusmitha/Pytorch-VAE-tutorial
A simple tutorial of Variational AutoEncoders with Pytorch
saisusmitha/saisusmitha.github.io
saisusmitha/SemanticSegmentation_DL
Resources of semantic segmantation based on Deep Learning model
saisusmitha/shanoir-ng
Shanoir, next generation, based on microservices architecture
saisusmitha/SOD-CNNs-based-code-summary-
The summary of code and paper for salient object detection with deep learning
saisusmitha/SOTA-MedSeg
SOTA medical image segmentation methods based on various challenges
saisusmitha/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch