Pinned Repositories
keras-sd-serving
showing various ways to serve Keras based stable diffusion
diffusers
🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch and FLAX.
instruction-tuned-sd
Code for instruction-tuning Stable Diffusion.
Adventures-in-TensorFlow-Lite
This repository contains notebooks that show the usage of TensorFlow Lite for quantizing deep neural networks.
caption-upsampling
This repository implements the idea of "caption upsampling" from DALL-E 3 with Zephyr-7B and gathers results with SDXL.
diffusers-torchao
End-to-end recipes for optimizing diffusion models with torchao and diffusers (inference and FP8 training).
ml-deployment-k8s-fastapi
This project shows how to serve an ONNX-optimized image classification model as a web service with FastAPI, Docker, and Kubernetes.
probing-vits
Probing the representations of Vision Transformers.
robustness-vit
Contains code for the paper "Vision Transformers are Robust Learners" (AAAI 2022).
TF-2.0-Hacks
Contains my explorations of TensorFlow 2.x
sayakpaul's Repositories
sayakpaul/diffusers-torchao
End-to-end recipes for optimizing diffusion models with torchao and diffusers (inference and FP8 training).
sayakpaul/Adventures-in-TensorFlow-Lite
This repository contains notebooks that show the usage of TensorFlow Lite for quantizing deep neural networks.
sayakpaul/caption-upsampling
This repository implements the idea of "caption upsampling" from DALL-E 3 with Zephyr-7B and gathers results with SDXL.
sayakpaul/maxim-tf
Implementation of MAXIM in TensorFlow.
sayakpaul/cmmd-pytorch
PyTorch implementation of CLIP Maximum Mean Discrepancy (CMMD) for evaluating image generation models.
sayakpaul/dreambooth-keras
Implementation of DreamBooth in KerasCV and TensorFlow.
sayakpaul/single-video-curation-svd
Educational repository for applying the main video data curation techniques presented in the Stable Video Diffusion paper.
sayakpaul/robustness-foundation-models
This repository holds code and other relevant files for the NeurIPS 2022 tutorial: Foundational Robustness of Foundation Models.
sayakpaul/stable-diffusion-keras-ft
Fine-tuning Stable Diffusion using Keras.
sayakpaul/instruct-pix2pix-dataset
This repository provides utilities to a minimal dataset for InstructPix2Pix like training for Diffusion models.
sayakpaul/hf-codegen
A repository of Python scripts to scrape code contents of the public repositories of `huggingface`.
sayakpaul/keras-xla-benchmarks
Presents comprehensive benchmarks of XLA-compatible pre-trained models in Keras.
sayakpaul/simple-image-recaptioning
Recaption large (Web)Datasets with vllm and save the artifacts.
sayakpaul/portfolio
Personal site of Sayak Paul. Deployed here 👉
sayakpaul/big_vision_experiments
Contains my experiments with the `big_vision` repo to train ViTs on ImageNet-1k.
sayakpaul/instructpix2pix-sdxl
Training InstructPi2Pix with SDXL.
sayakpaul/cait-tf
Implementation of CaiT models in TensorFlow and ImageNet-1k checkpoints. Includes code for inference and fine-tuning.
sayakpaul/you-dont-know-tensorflow
Contains materials for my talk "You don't know TensorFlow".
sayakpaul/xla-benchmark-sd
Provides code to serialize the different models involved in Stable Diffusion as SavedModels and to compile them with XLA.
sayakpaul/SSD-1B
SSD-1B, an open-source text-to-image model, outperforming previous versions by being 50% smaller and 60% faster than SDXL.
sayakpaul/Reproducibility-in-tf.keras-with-wandb
Contains code for my model reproducibility experiments. Report attached.
sayakpaul/depth_estimation_trainer
Scripts to fine-tune a depth estimation model.
sayakpaul/quarto-blog
sayakpaul/sayakpaul
Sayak Paul Portfolio
sayakpaul/blossom
Repository to test automated PyPI publishing through GitHub Actions.
sayakpaul/model-card-generation-hf
Shows how to bulk generate model cards for models on 🤗 Hub.
sayakpaul/notebooks
Notebooks using the Hugging Face libraries 🤗
sayakpaul/watermark-detection
Model for watermark classification implemented with PyTorch
sayakpaul/ControlNet
Let us control diffusion models!
sayakpaul/stable-diffusion-webui
Stable Diffusion web UI