Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub / sayakpaul 41 repositories

ML at @huggingface | One PR at a time

sayakpaul/portfolio

Personal site of Sayak Paul. Deployed here πŸ‘‰

Language: Jupyter Notebook - Size: 99 MB - Last synced: about 7 hours ago - Pushed: about 9 hours ago - Stars: 23 - Forks: 14

sayakpaul/probing-vits

Probing the representations of Vision Transformers.

Language: Jupyter Notebook - Size: 33.3 MB - Last synced: 5 days ago - Pushed: over 1 year ago - Stars: 297 - Forks: 17

sayakpaul/dreambooth-keras

Implementation of DreamBooth in KerasCV and TensorFlow.

Language: Jupyter Notebook - Size: 399 KB - Last synced: 15 days ago - Pushed: about 1 year ago - Stars: 87 - Forks: 15

sayakpaul/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.

Language: Jupyter Notebook - Size: 546 KB - Last synced: 15 days ago - Pushed: almost 2 years ago - Stars: 177 - Forks: 30

sayakpaul/deploy-hf-tf-vision-models

This repository shows various ways of deploying a vision model (TensorFlow) from πŸ€— Transformers.

Language: Jupyter Notebook - Size: 867 KB - Last synced: 15 days ago - Pushed: over 1 year ago - Stars: 29 - Forks: 2

sayakpaul/Adventures-in-TensorFlow-Lite

This repository contains notebooks that show the usage of TensorFlow Lite for quantizing deep neural networks.

Language: Jupyter Notebook - Size: 49.1 MB - Last synced: 26 days ago - Pushed: over 1 year ago - Stars: 166 - Forks: 33

sayakpaul/SSD-1B Fork of segmind/SSD-1B

SSD-1B, an open-source text-to-image model, outperforming previous versions by being 50% smaller and 60% faster than SDXL.

Size: 71.3 KB - Last synced: 30 days ago - Pushed: 30 days ago - Stars: 1 - Forks: 0

sayakpaul/minbpe Fork of karpathy/minbpe

Minimal, clean code for the Byte Pair Encoding (BPE) algorithm commonly used in LLM tokenization.

Size: 314 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

sayakpaul/cmmd-pytorch

PyTorch implementation of CLIP Maximum Mean Discrepancy (CMMD) for evaluating image generation models.

Language: Python - Size: 657 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 54 - Forks: 2

sayakpaul/Vehicle-Number-Plate-Detection

This project demonstrates the use of TensorFlow Object Detection API to automatically number plates (Indian) from vehicles

Language: Jupyter Notebook - Size: 49.7 MB - Last synced: 5 days ago - Pushed: over 4 years ago - Stars: 35 - Forks: 13

sayakpaul/blossom

Repository to test automated PyPI publishing through GitHub Actions.

Language: Python - Size: 23.4 KB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 1

sayakpaul/stable-diffusion-keras-ft

Fine-tuning Stable Diffusion using Keras.

Language: Python - Size: 8.66 MB - Last synced: 15 days ago - Pushed: 11 months ago - Stars: 56 - Forks: 8

sayakpaul/OpenDiT Fork of NUS-HPC-AI-Lab/OpenDiT

OpenDiT: An Easy, Fast and Memory-Efficient System for DiT Training and Inference

Size: 8.57 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 2 - Forks: 0

sayakpaul/TF-2.0-Hacks

Contains my explorations of TensorFlow 2.x

Language: Jupyter Notebook - Size: 31 MB - Last synced: 2 months ago - Pushed: almost 2 years ago - Stars: 382 - Forks: 83

sayakpaul/hf-codegen

A repository of Python scripts to scrape code contents of the public repositories of `huggingface`.

Language: Python - Size: 45.9 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 19 - Forks: 4

sayakpaul/quarto-blog

Language: Jupyter Notebook - Size: 18.7 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 2 - Forks: 0

sayakpaul/Dual-Deployments-on-Vertex-AI

Project demonstrating dual model deployment scenarios using Vertex AI (GCP).

Language: Jupyter Notebook - Size: 1.84 MB - Last synced: 15 days ago - Pushed: over 2 years ago - Stars: 34 - Forks: 8

sayakpaul/trl Fork of huggingface/trl

Train transformer language models with reinforcement learning.

Size: 5.46 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 2 - Forks: 0

sayakpaul/xla-benchmark-sd

Provides code to serialize the different models involved in Stable Diffusion as SavedModels and to compile them with XLA.

Language: Python - Size: 27.3 KB - Last synced: 15 days ago - Pushed: about 1 year ago - Stars: 7 - Forks: 3

sayakpaul/single-video-curation-svd

Educational repository for applying the main video data curation techniques presented in the Stable Video Diffusion paper.

Language: Jupyter Notebook - Size: 669 KB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 26 - Forks: 5

sayakpaul/peft-dreambooth-ui Fork of pacman100/peft-dreambooth-ui

An UI for Dreambooth training and inference using PEFT - Minimal, Easy to use and Adaptable.

Size: 165 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 1 - Forks: 1

sayakpaul/Spatial-Transformer-Networks-with-Keras

This repository provides a Colab Notebook that shows how to use Spatial Transformer Networks inside CNNs in Keras.

Language: Jupyter Notebook - Size: 7.2 MB - Last synced: 3 months ago - Pushed: almost 2 years ago - Stars: 34 - Forks: 6

sayakpaul/maxim-tf

Implementation of MAXIM in TensorFlow.

Language: Jupyter Notebook - Size: 11.1 MB - Last synced: 6 months ago - Pushed: 10 months ago - Stars: 116 - Forks: 12

sayakpaul/robustness-vit

Contains code for the paper "Vision Transformers are Robust Learners" (AAAI 2022).

Language: Jupyter Notebook - Size: 4.22 MB - Last synced: 6 months ago - Pushed: over 1 year ago - Stars: 113 - Forks: 16

sayakpaul/ComfyUI Fork of comfyanonymous/ComfyUI

A powerful and modular stable diffusion GUI with a graph/nodes interface.

Language: Python - Size: 2.68 MB - Last synced: 14 days ago - Pushed: 7 months ago - Stars: 1 - Forks: 0

sayakpaul/CI-CD-for-Model-Training

This repository holds files and scripts for incorporating simple CI/CD practices for model training in ML.

Language: Jupyter Notebook - Size: 716 KB - Last synced: 15 days ago - Pushed: over 2 years ago - Stars: 18 - Forks: 6

sayakpaul/MIRNet-TFLite-TRT

TensorFlow Lite models for MIRNet for low-light image enhancement.

Language: Jupyter Notebook - Size: 25.3 MB - Last synced: 6 months ago - Pushed: over 3 years ago - Stars: 124 - Forks: 25

sayakpaul/caption-upsampling

This repository implements the idea of "caption upsampling" from DALL-E 3 with Zephyr-7B and gathers results with SDXL.

Language: Python - Size: 45.9 KB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 107 - Forks: 3

sayakpaul/Generalized-ODIN-TF

TensorFlow 2 implementation of the paper Generalized ODIN: Detecting Out-of-distribution Image without Learning from Out-of-distribution Data (https://arxiv.org/abs/2002.11297).

Language: Jupyter Notebook - Size: 511 KB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 41 - Forks: 5

sayakpaul/ddpo-pytorch Fork of kvablack/ddpo-pytorch

DDPO for finetuning diffusion models, implemented in PyTorch with LoRA support

Size: 3.6 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

sayakpaul/Wuerstchen Fork of dome272/Wuerstchen

Official implementation of WΓΌrstchen: Efficient Pretraining of Text-to-Image Models

Size: 31.3 MB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

sayakpaul/Supervised-Contrastive-Learning-in-TensorFlow-2

Implements the ideas presented in https://arxiv.org/pdf/2004.11362v1.pdf by Khosla et al.

Language: Jupyter Notebook - Size: 6.02 MB - Last synced: 6 months ago - Pushed: almost 4 years ago - Stars: 127 - Forks: 22

sayakpaul/keras-xla-benchmarks

Presents comprehensive benchmarks of XLA-compatible pre-trained models in Keras.

Language: Jupyter Notebook - Size: 844 KB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 34 - Forks: 2

sayakpaul/instructpix2pix-sdxl

Training InstructPi2Pix with SDXL.

Language: Python - Size: 271 KB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 6 - Forks: 1

sayakpaul/Adaptive-Gradient-Clipping

Minimal implementation of adaptive gradient clipping (https://arxiv.org/abs/2102.06171) in TensorFlow 2.

Language: Jupyter Notebook - Size: 146 KB - Last synced: 7 months ago - Pushed: almost 3 years ago - Stars: 77 - Forks: 9

sayakpaul/consistency_models Fork of openai/consistency_models

Official repo for consistency models.

Size: 55.7 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

sayakpaul/personal-coding-assistant

Shows how to create a personal coding assistant by fine-tuning StarCoder on a custom code corpus.

Language: Jupyter Notebook - Size: 143 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 4 - Forks: 1

sayakpaul/Age-Detector-API

A simple REST API based on this repository:

Language: Python - Size: 88.8 MB - Last synced: 5 days ago - Pushed: about 5 years ago - Stars: 2 - Forks: 0

sayakpaul/cait-tf

Implementation of CaiT models in TensorFlow and ImageNet-1k checkpoints. Includes code for inference and fine-tuning.

Language: Jupyter Notebook - Size: 2.49 MB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 9 - Forks: 2

sayakpaul/Handwriting-Recognizer-in-Keras

This project shows how to build a simple handwriting recognizer in Keras with the IAM dataset.

Language: Jupyter Notebook - Size: 1.76 MB - Last synced: 12 months ago - Pushed: over 2 years ago - Stars: 12 - Forks: 1

sayakpaul/keras-io Fork of keras-team/keras-io

Keras documentation, hosted live at keras.io

Size: 282 MB - Last synced: 12 months ago - Pushed: 12 months ago - Stars: 0 - Forks: 0

sayakpaul/model-card-generation-hf

Shows how to bulk generate model cards for models on πŸ€— Hub.

Language: Python - Size: 11.7 KB - Last synced: 12 months ago - Pushed: 12 months ago - Stars: 1 - Forks: 0

sayakpaul/Knowledge-Distillation-in-Keras

Demonstrates knowledge distillation for image-based models in Keras.

Language: Jupyter Notebook - Size: 6.62 MB - Last synced: 12 months ago - Pushed: almost 3 years ago - Stars: 45 - Forks: 16

sayakpaul/IF Fork of deep-floyd/IF

Size: 27.5 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

sayakpaul/FloydHub-Q-Learning-Blog

Contains the Jupyter Notebook made for a FloydHub article on Q-Learning

Language: Jupyter Notebook - Size: 14.6 KB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 11 - Forks: 16

sayakpaul/ControlNet Fork of lllyasviel/ControlNet

Let us control diffusion models!

Size: 119 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

sayakpaul/parameter-ensemble-differential-evolution

Shows how to do parameter ensembling using differential evolution.

Language: Jupyter Notebook - Size: 19.5 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 10 - Forks: 1

sayakpaul/instruct-pix2pix-dataset

This repository provides utilities to a minimal dataset for InstructPix2Pix like training for Diffusion models.

Language: Python - Size: 16.6 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 10 - Forks: 1

sayakpaul/Learnable-Image-Resizing

TF 2 implementation Learning to Resize Images for Computer Vision Tasks (https://arxiv.org/abs/2103.09950v1).

Language: Jupyter Notebook - Size: 3.21 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 49 - Forks: 8

sayakpaul/BiT-jax2tf

This repository hosts the code to port NumPy model weights of BiT-ResNets to TensorFlow SavedModel format.

Language: Jupyter Notebook - Size: 14.6 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 13 - Forks: 2

sayakpaul/keras-convnext-conversion

ConvNeXt conversion code for PT to TF along with evaluation code on ImageNet-1k val.

Language: Python - Size: 82 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 10 - Forks: 3

sayakpaul/MLP-Mixer-CIFAR10

Implements MLP-Mixer (https://arxiv.org/abs/2105.01601) with the CIFAR-10 dataset.

Language: Jupyter Notebook - Size: 7.03 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 52 - Forks: 7

sayakpaul/notebooks Fork of huggingface/notebooks

Notebooks using the Hugging Face libraries πŸ€—

Size: 20 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 1

sayakpaul/big_vision_experiments

Contains my experiments with the `big_vision` repo to train ViTs on ImageNet-1k.

Language: Jupyter Notebook - Size: 240 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 20 - Forks: 1

sayakpaul/depth_estimation_trainer

Scripts to fine-tune a depth estimation model.

Language: Python - Size: 73.2 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 4 - Forks: 1

sayakpaul/count-tokens-hf-datasets

This project shows how to derive the total number of training tokens from a large text dataset from πŸ€— datasets with Apache Beam and Dataflow.

Language: Python - Size: 19.5 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 15 - Forks: 1

sayakpaul/stable-diffusion-webui Fork of AUTOMATIC1111/stable-diffusion-webui

Stable Diffusion web UI

Size: 26.8 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

sayakpaul/robustness-foundation-models

This repository holds code and other relevant files for the NeurIPS 2022 tutorial: Foundational Robustness of Foundation Models.

Language: Jupyter Notebook - Size: 6.48 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 50 - Forks: 4

sayakpaul/SimCLR-in-TensorFlow-2

(Minimally) implements SimCLR (https://arxiv.org/abs/2002.05709) in TensorFlow 2.

Language: Jupyter Notebook - Size: 91.9 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 82 - Forks: 18

sayakpaul/Breast-Cancer-Detection-using-Deep-Learning

Experiments to show the usage of deep learning to detect breast cancer from breast histopathology images

Language: Jupyter Notebook - Size: 46.8 MB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 31 - Forks: 28

sayakpaul/ConvNeXt-TF

Includes PyTorch -> Keras model porting code for ConvNeXt family of models with fine-tuning and inference notebooks.

Language: Jupyter Notebook - Size: 2.47 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 92 - Forks: 14

sayakpaul/Sharpness-Aware-Minimization-TensorFlow

Implements sharpness-aware minimization (https://arxiv.org/abs/2010.01412) in TensorFlow 2.

Language: Jupyter Notebook - Size: 225 KB - Last synced: 11 months ago - Pushed: over 2 years ago - Stars: 55 - Forks: 10

sayakpaul/Denoised-Smoothing-TF

Minimal implementation of Denoised Smoothing (https://arxiv.org/abs/2003.01908) in TensorFlow.

Language: Jupyter Notebook - Size: 12.8 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 20 - Forks: 1

sayakpaul/par-cvpr-21 Fork of dipanjanS/adversarial-learning-robustness

Contains notebooks for the PAR tutorial at CVPR 2021.

Language: Jupyter Notebook - Size: 83.2 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 31 - Forks: 10

sayakpaul/Grocery-Product-Detection

This repository builds a product detection model to recognize products from grocery shelf images.

Language: Jupyter Notebook - Size: 35.6 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 71 - Forks: 16

sayakpaul/A-B-testing-with-Machine-Learning

Implemented an A/B Testing solution with the help of machine learning

Language: Jupyter Notebook - Size: 21 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 36 - Forks: 12

sayakpaul/DockerML

Contains my explorations of using Docker to automate ML workflows.

Language: Python - Size: 27.3 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 8 - Forks: 1

sayakpaul/FunMatch-Distillation

TF2 implementation of knowledge distillation using the "function matching" hypothesis from https://arxiv.org/abs/2106.05237.

Language: Jupyter Notebook - Size: 1.37 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 69 - Forks: 7

sayakpaul/Training-BatchNorm-and-Only-BatchNorm

Experiments with the ideas presented in https://arxiv.org/abs/2003.00152 by Frankle et al.

Language: Jupyter Notebook - Size: 3 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 24 - Forks: 4

sayakpaul/Phishing-Websites-Detection

Experiments to detect phishing websites using neural networks

Language: Jupyter Notebook - Size: 6 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 15 - Forks: 11

sayakpaul/swin-transformers-tf

Implementation of Swin Transformers in TensorFlow along with converted pre-trained models, code for off-the-shelf classification and fine-tuning.

Language: Jupyter Notebook - Size: 60.5 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 37 - Forks: 5

sayakpaul/ml-bootcamp-india-2022

Contains materials from the facilitation sessions conducted for the ML Bootcamp India (2022) organized by Google DevRel team.

Language: Jupyter Notebook - Size: 6.53 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 22 - Forks: 3

sayakpaul/E2E-Object-Detection-in-TFLite

This repository shows how to train a custom detection model with the TFOD API, optimize it with TFLite, and perform inference with the optimized model.

Language: Jupyter Notebook - Size: 13.4 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 28 - Forks: 8

sayakpaul/PAWS-TF

Minimal implementation of PAWS (https://arxiv.org/abs/2104.13963) in TensorFlow.

Language: Jupyter Notebook - Size: 32.2 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 43 - Forks: 4

sayakpaul/ViT-jax2tf

This repository hosts code for converting the original Vision Transformer models (JAX) to TensorFlow.

Language: Jupyter Notebook - Size: 651 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 33 - Forks: 6

sayakpaul/Emotion-Detection-using-Deep-Learning

This project demonstrates the use of Deep Learning to detect emotion (sad, angry, happy etc) from the images of faces.

Language: Jupyter Notebook - Size: 238 KB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 10 - Forks: 2

sayakpaul/SimSiam-TF

Minimal implementation of SimSiam (https://arxiv.org/abs/2011.10566) in TensorFlow 2.

Language: Jupyter Notebook - Size: 2.33 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 97 - Forks: 14

sayakpaul/fast-depth Fork of dwofk/fast-depth

ICRA 2019 "FastDepth: Fast Monocular Depth Estimation on Embedded Systems"

Size: 5.3 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

sayakpaul/mlplanner

Contains data, notebooks and other files of FloydHub's mini-series on machine learning project structuring, model debugging, various tips and tricks and more

Language: Jupyter Notebook - Size: 30.3 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 4 - Forks: 0

sayakpaul/transformers Fork of huggingface/transformers

πŸ€— Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.

Size: 108 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

sayakpaul/Action-Recognition-in-TensorFlow

Contains additional materials for two keras.io blog posts.

Language: Jupyter Notebook - Size: 19.6 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 10 - Forks: 3

sayakpaul/A-Barebones-Image-Retrieval-System

This project presents a simple framework to retrieve images similar to a query image.

Language: Jupyter Notebook - Size: 25.2 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 25 - Forks: 3

sayakpaul/AdaMatch-TF

Includes additional materials for the following keras.io blog post.

Language: Jupyter Notebook - Size: 1.07 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 10 - Forks: 5

sayakpaul/Adversarial-Examples-in-Deep-Learning

Shows how to create basic image adversaries, and train adversarially robust image classifiers (to some extent).

Language: Jupyter Notebook - Size: 62 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 12 - Forks: 3

sayakpaul/deit-tf

Includes PyTorch -> Keras model porting code for DeiT models with fine-tuning and inference notebooks.

Language: Jupyter Notebook - Size: 40.4 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 36 - Forks: 7

sayakpaul/model-soups-text-classification

Shows an implementation of model soups (https://arxiv.org/abs/2203.05482) for text classification models.

Language: Jupyter Notebook - Size: 119 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 6 - Forks: 1

sayakpaul/hub-docs Fork of huggingface/hub-docs

Frontend components, documentation and information hosted on the Hugging Face website.

Size: 12.8 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

sayakpaul/Multimodal-Entailment-Baseline

This repository shows how to implement a basic model for multimodal entailment.

Language: Jupyter Notebook - Size: 3.17 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 8 - Forks: 4

sayakpaul/BERT-for-Mobile

Compares the DistilBERT and MobileBERT architectures for mobile deployments.

Language: Jupyter Notebook - Size: 414 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 21 - Forks: 4

sayakpaul/tf.keras-Distributed-Training

Shows how to use MirroredStrategy to distribute training workloads when using the regular fit and compile paradigm in tf.keras.

Language: Jupyter Notebook - Size: 2.26 MB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 7 - Forks: 5

sayakpaul/Analysis-of-college-database-of-2017-passouts

Contains my analysis of a database containing information about the students of an engineering college.

Language: Jupyter Notebook - Size: 3.52 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 4 - Forks: 0

sayakpaul/Distributed-Training-in-TensorFlow-2-with-AI-Platform

Contains code to demonstrate distributed training in TensorFlow 2 with AI Platform and custom Docker contains.

Language: Python - Size: 51.8 KB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 17 - Forks: 1

sayakpaul/vision-transformers-tf

A non-exhaustive collection of vision transformer models implemented in TensorFlow.

Size: 6.84 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 7 - Forks: 1

sayakpaul/TalksGiven

Contains the deck of my talks given at different developer meet-ups and conferences.

Size: 29.1 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 9 - Forks: 1

sayakpaul/ccd-ahm-2022

Contains my code and deck for Cloud Community Days Ahmedabad 2022.

Language: Jupyter Notebook - Size: 367 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 3 - Forks: 0

sayakpaul/Barlow-Twins-TF

TensorFlow implementation of Barlow Twins (https://arxiv.org/abs/2103.03230).

Language: Jupyter Notebook - Size: 479 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 36 - Forks: 6

sayakpaul/Blood-Cell-Detection-using-TFOD-API

This project demonstrates the use of TensorFlow Object Detection API (along with GCP ML Engine) to automatically detect Red Blood Cells (RBCs), White Blood Cells (WBCs), and Platelets in each image taken via microscopic image readings

Language: Jupyter Notebook - Size: 91.9 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 22 - Forks: 8

sayakpaul/Intel-Scene-Classification-challenge

Contains my experiments for Intel's Scene Classification challenge

Language: Jupyter Notebook - Size: 5.71 MB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 2 - Forks: 1

sayakpaul/Parkinson-s-Disease-Classifier

Deep learning experiments to design a model to predict Parkinson's diseases with the images of Spiral/Wave test

Language: Jupyter Notebook - Size: 139 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 13 - Forks: 6

sayakpaul/FloydHub-Anomaly-Detection-Blog

Contains the thorough experiments made for a FloydHub article on Anomaly Detection

Language: Jupyter Notebook - Size: 184 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 15 - Forks: 22