Jupyter Notebook Gan

Open-source Jupyter Notebook projects categorized as Gan

Top 23 Jupyter Notebook Gan Projects

  • nn

    🧑‍🏫 60 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠

  • AI-For-Beginners

    12 Weeks, 24 Lessons, AI for All!

  • Project mention: FREE AI Course By Microsoft: ZERO to HERO! 🔥 | dev.to | 2024-03-18

    🔗 https://github.com/microsoft/AI-For-Beginners 🔗 https://microsoft.github.io/AI-For-Beginners/

  • InfluxDB

    Power Real-Time Data Analytics at Scale. Get real-time insights from all types of time series data with InfluxDB. Ingest, query, and analyze billions of data points in real-time with unbounded cardinality.

    InfluxDB logo
  • lama

    🦙 LaMa Image Inpainting, Resolution-robust Large Mask Inpainting with Fourier Convolutions, WACV 2022

  • Project mention: Can someone please help me with inpainting settings to remove the subject from this image? I want to rebuild as much of the original background as possible. | /r/StableDiffusion | 2023-07-03

    You could try to use ControlNet inpaint+lama locally, but results aren't as good in my experience. Or you could try local install of lama directly, but the setup process isn't very smooth.

  • t81_558_deep_learning

    T81-558: Keras - Applications of Deep Neural Networks @Washington University in St. Louis

  • animegan2-pytorch

    PyTorch implementation of AnimeGANv2

  • Project mention: Python Mini Projects | dev.to | 2023-05-22

    rom PIL import Image import torch import IPython from IPython.display import display # upload images from google.colab import files uploaded = files.upload() # https://github.com/bryandlee/animegan2-pytorch # load models and face2paint utility function model_facev2 = torch.hub.load("bryandlee/animegan2-pytorch:main", "generator", pretrained="face_paint_512_v2") face2paint = torch.hub.load("bryandlee/animegan2-pytorch:main", "face2paint", size=512) for INPUT_IMG in ['KatLi.JPG']: img = Image.open(INPUT_IMG).convert("RGB") out_facev2 = face2paint(model_facev2, img) # display images display(img) display(out_facev2)

  • faceswap-GAN

    A denoising autoencoder + adversarial losses and attention mechanisms for face swapping.

  • ganspace

    Discovering Interpretable GAN Controls [NeurIPS 2020]

  • SaaSHub

    SaaSHub - Software Alternatives and Reviews. SaaSHub helps you find the best software and product alternatives

    SaaSHub logo
  • ydata-synthetic

    Synthetic data generators for tabular and time-series data

  • Project mention: Coding Wonderland: Contribute to YData Profiling and YData Synthetic in this Advent of Code | dev.to | 2023-12-05

    Send us your North ⭐️: "On the first day of Christmas, my true contributor gave to me..." a star in my GitHub tree! 🎵 If you love these projects too, star ydata-profiling or ydata-synthetic and let your friends know why you love it so much!

  • stylegan-encoder

    StyleGAN Encoder - converts real images to latent space

  • stylegan-encoder

    StyleGAN Encoder - converts real images to latent space (by pbaylies)

  • DCT-Net

    Official implementation of "DCT-Net: Domain-Calibrated Translation for Portrait Stylization", SIGGRAPH 2022 (TOG); Multi-style cartoonization

  • Cartoon-StyleGAN

    Fine-tuning StyleGAN2 for Cartoon Face Generation

  • LLVIP

    LLVIP: A Visible-infrared Paired Dataset for Low-light Vision

  • dressing-in-order

    (ICCV'21) Official code of "Dressing in Order: Recurrent Person Image Generation for Pose Transfer, Virtual Try-on and Outfit Editing" by Aiyu Cui, Daniel McKee and Svetlana Lazebnik

  • cartoonify

    Deploy and scale serverless machine learning app - in 4 steps.

  • SpecVQGAN

    Source code for "Taming Visually Guided Sound Generation" (Oral at the BMVC 2021)

  • stylegan2-projecting-images

    Projecting images to latent space with StyleGAN2.

  • Project mention: Getting Started with Gemma Models | dev.to | 2024-04-15

    A Colab notebook.

  • alis

    [ICCV 2021] Aligning Latent and Image Spaces to Connect the Unconnectable (by universome)

  • GAN-RNN_Timeseries-imputation

    Recurrent GAN for imputation of time series data. Implemented in TensorFlow 2 on Wikipedia Web Traffic Forecast dataset from Kaggle.

  • gan-vae-pretrained-pytorch

    Pretrained GANs + VAEs + classifiers for MNIST/CIFAR in pytorch.

  • Deep-Learning

    In-depth tutorials on deep learning. The first one is about image colorization using GANs (Generative Adversarial Nets).

  • anime_biggan_toy

    Generate Amazing Anime Pictures With BigGAN. Just Have Fun !!!

  • ganbert-pytorch

    Enhancing the BERT training with Semi-supervised Generative Adversarial Networks in Pytorch/HuggingFace

  • SaaSHub

    SaaSHub - Software Alternatives and Reviews. SaaSHub helps you find the best software and product alternatives

    SaaSHub logo
NOTE: The open source projects on this list are ordered by number of github stars. The number of mentions indicates repo mentiontions in the last 12 Months or since we started tracking (Dec 2020).

Jupyter Notebook Gan related posts

Index

What are some of the best open-source Gan projects in Jupyter Notebook? This list will help you:

Project Stars
1 nn 48,004
2 AI-For-Beginners 31,046
3 lama 7,227
4 t81_558_deep_learning 5,671
5 animegan2-pytorch 4,339
6 faceswap-GAN 3,328
7 ganspace 1,766
8 ydata-synthetic 1,292
9 stylegan-encoder 1,069
10 stylegan-encoder 732
11 DCT-Net 709
12 Cartoon-StyleGAN 629
13 LLVIP 584
14 dressing-in-order 490
15 cartoonify 371
16 SpecVQGAN 318
17 stylegan2-projecting-images 282
18 alis 227
19 GAN-RNN_Timeseries-imputation 164
20 gan-vae-pretrained-pytorch 162
21 Deep-Learning 147
22 anime_biggan_toy 142
23 ganbert-pytorch 88

Sponsored
SaaSHub - Software Alternatives and Reviews
SaaSHub helps you find the best software and product alternatives
www.saashub.com