Pinned Repositories
Awesome-Diffusion-Models
A collection of resources and papers on Diffusion Models
awesome-pretrained-stylegan3
A collection of pretrained models for StyleGAN3
awesome-transformers-in-medical-imaging
A collection of resources on applications of Transformers in Medical Imaging.
biobert-pytorch
PyTorch Implementation of BioBERT
brain-segmentation-pytorch
U-Net implementation in PyTorch for FLAIR abnormality segmentation in brain MRI
BrainPrep
Preprocessing pipeline on Brain MR Images through FSL and ANTs, including registration, skull-stripping, bias field correction, enhancement and segmentation.
conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
deep-learning-roadmap
my roadmap of learning deep learning
diffusers
🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch
fastbook
The fastai book, published as Jupyter Notebooks
creatorcao's Repositories
creatorcao/awesome-pretrained-stylegan3
A collection of pretrained models for StyleGAN3
creatorcao/awesome-transformers-in-medical-imaging
A collection of resources on applications of Transformers in Medical Imaging.
creatorcao/brain-segmentation-pytorch
U-Net implementation in PyTorch for FLAIR abnormality segmentation in brain MRI
creatorcao/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
creatorcao/CvT
This is an official implementation of CvT: Introducing Convolutions to Vision Transformers.
creatorcao/DeepContrast
A deep learning-based fully-automatic intravenous contrast detection tool for head-and-neck and chest CT scans.
creatorcao/endometriosis-scrnaseq
Code to reproduce analysis and figures for scRNA-seq analysis of endometriosis in Tan et al. 2021.
creatorcao/Faceswap-Deepfake-Pytorch
Faceswap with Pytorch or DeepFake with Pytorch
creatorcao/grad-cam-pytorch
PyTorch implementation of Grad-CAM, vanilla/guided backpropagation, deconvnet, and occlusion sensitivity maps
creatorcao/Grad-CAM.pytorch
pytorch实现Grad-CAM和Grad-CAM++,可以可视化任意分类网络的Class Activation Map (CAM)图,包括自定义的网络;同时也实现了目标检测faster r-cnn和retinanet两个网络的CAM图;欢迎试用、关注并反馈问题...
creatorcao/hackathon-docs
Hackathon Documentation - Simple to follow examples of how to use FHIR, DICOMweb and other modern helathcare/medical imaging APIs
creatorcao/HybridModel-GradCAM
A Keras implementation of hybrid efficientnet swin transformer model.
creatorcao/improved-wgan-pytorch
Improved WGAN in Pytorch
creatorcao/kaggle-competition
creatorcao/Kaggle_Leaf_Disease_Classification
Cassava leaf disease classification with CNNs and Transformers (top-1% Kaggle solution)
creatorcao/long_stable_diffusion
Long-form text-to-images generation, using a pipeline of deep generative models (GPT-3 and Stable Diffusion)
creatorcao/mask-rcnn
creatorcao/minDiffusion
Self-contained, minimalistic implementation of diffusion models with Pytorch.
creatorcao/Preprocessing-Pipeline-on-Brain-MR-Images
The project is used to do preprocessing on brain MR images.
creatorcao/pseudo_labeling_small_datasets
Pseudo Labeling for Neural Networks and Logistic Regression/SVMs ( Based on "Pseudo-Label : The Simple and Efficient Semi-Supervised Learning Method for Deep Neural Networks")
creatorcao/pytorch-cnn-visualizations
Pytorch implementation of convolutional neural network visualization techniques
creatorcao/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
creatorcao/pytorch_diffusion
PyTorch reimplementation of Diffusion Models
creatorcao/Reinforcement-Learning-Notebooks
A collection of Reinforcement Learning algorithms from Sutton and Barto's book and other research papers implemented in Python.
creatorcao/rnsa21-cnn-lstm
creatorcao/segment-anything-finetuner
Simple Finetuning Starter Code for Segment Anything
creatorcao/TimeSeriesAnalysisWithPython
creatorcao/TinyImageNet-Transformers
Transformers trained on Tiny ImageNet
creatorcao/Transformer-MM-Explainability
[ICCV 2021- Oral] Official PyTorch implementation for Generic Attention-model Explainability for Interpreting Bi-Modal and Encoder-Decoder Transformers, a novel method to visualize any Transformer-based network. Including examples for DETR, VQA.
creatorcao/Transformers4Vision
A summarization of Transformer-based architectures for CV tasks, including image classification, object detection, segmentation, and Few-shot Learning. Keep updated frequently.