Python image-generation

Open-source Python projects categorized as image-generation

Top 23 Python image-generation Projects

  • pytorch-CycleGAN-and-pix2pix

    Image-to-Image Translation in PyTorch

    Project mention: List of AI-Models | /r/GPT_do_dah | 2023-05-16

    Click to Learn more...

  • PaddleGAN

    PaddlePaddle GAN library, including lots of interesting applications like First-Order motion transfer, Wav2Lip, picture repair, image editing, photo2cartoon, image style transfer, GPEN, and so on.

  • InfluxDB

    Access the most powerful time series database as a service. Ingest, store, & analyze all types of time series data in a fully-managed, purpose-built database. Keep data forever with low-cost storage and superior data compression.

  • dream-textures

    Stable Diffusion built-in to Blender

    Project mention: Donut done with Artificial Intelligence and Blender | /r/blender | 2023-05-31
  • mmagic

    OpenMMLab Multimodal Advanced, Generative, and Intelligent Creation Toolbox. Unlock the magic 🪄: Generative-AI (AIGC), easy-to-use APIs, awsome model zoo, diffusion models, image/video restoration/enhancement, etc.

    Project mention: More than Editing, Unlock the Magic! | /r/agi | 2023-04-27
  • DragGAN

    Online Demo and Unofficial Implementation of DragGAN - "Drag Your GAN: Interactive Point-based Manipulation on the Generative Image Manifold" (DragGAN 全功能实现,在线Demo,本地部署试用,代码、模型已全部开源,支持Windows, macOS, Linux) (by Zeqiang-Lai)

    Project mention: Is there anything like Drag your GAN in StableDiffusion/ControlNet? | /r/StableDiffusion | 2023-06-04

    there's an unofficial build with links to some other formats as well: https://github.com/Zeqiang-Lai/DragGAN

  • Image-Super-Resolution-via-Iterative-Refinement

    Unofficial implementation of Image Super-Resolution via Iterative Refinement by Pytorch

  • multidiffusion-upscaler-for-automatic1111

    Tiled Diffusion and VAE optimize, licensed under CC BY-NC-SA 4.0

    Project mention: RTX 3060 12Gb | /r/StableDiffusion | 2023-06-06

    This depends on your finances/life situation, but I personally would save money for something better. There're a bunch of optimizations you can download like Tiled Diffusion/VAE to get a lot more out of your VRAM for the time being. I haven't tried the limits, but I'm generating 2500x3000 with 8GB myself.

  • Sonar

    Write Clean Python Code. Always.. Sonar helps you commit clean code every time. With over 225 unique rules to find Python bugs, code smells & vulnerabilities, Sonar finds the issues while you focus on the work.

  • contrastive-unpaired-translation

    Contrastive unpaired image-to-image translation, faster and lighter training than cyclegan (ECCV 2020, in PyTorch)

    Project mention: Help me with my GANS project | /r/learnmachinelearning | 2022-06-13
  • Anime2Sketch

    A sketch extractor for anime/illustration.

  • gansformer

    Generative Adversarial Transformers

  • data-efficient-gans

    [NeurIPS 2020] Differentiable Augmentation for Data-Efficient GAN Training

    Project mention: [D] Has anyone tried GAN "tricks" on VAEs? | /r/MachineLearning | 2022-08-05

    Code for https://arxiv.org/abs/2006.10738 found: https://github.com/mit-han-lab/data-efficient-gans

  • diffusiondb

    A large-scale text-to-image prompt gallery dataset based on Stable Diffusion

    Project mention: Where do Lexica and playgroundai get their images? | /r/StableDiffusion | 2022-12-17

    https://poloclub.github.io/diffusiondb/ contains the dataset both used as a starting point

  • anycost-gan

    [CVPR 2021] Anycost GANs for Interactive Image Synthesis and Editing

  • APDrawingGAN

    Code for APDrawingGAN: Generating Artistic Portrait Drawings from Face Photos with Hierarchical GANs (CVPR 2019 Oral)

  • clean-fid

    PyTorch - FID calculation with proper image resizing and quantization steps [CVPR 2022]

    Project mention: [D] A better way to compute the Fréchet Inception Distance (FID) | /r/MachineLearning | 2023-04-10

    The Fréchet Inception Distance (FID) is a widespread metric to assess the quality of the distribution of a image generative model (GAN, Stable Diffusion, etc.). The metric is not trivial to implement as one needs to compute the trace of the square root of a matrix. In all PyTorch repositories I have seen that implement the FID (https://github.com/mseitzer/pytorch-fid, https://github.com/GaParmar/clean-fid, https://github.com/toshas/torch-fidelity, ...), the authors rely on SciPy's sqrtm to compute the square root of the matrix, which is unstable and slow.

  • SDEdit

    PyTorch implementation for SDEdit: Image Synthesis and Editing with Stochastic Differential Equations

  • cleanvision

    Automatically find issues in image datasets and practice data-centric computer vision.

    Project mention: [D] Is accurately estimating image quality even possible? | /r/MachineLearning | 2023-04-22

    Github: https://github.com/cleanlab/cleanvision Blogpost: https://cleanlab.ai/blog/cleanvision/

  • ai-art-generator

    For automating the creation of large batches of AI-generated artwork locally.

    Project mention: Cheap setup to run SD? | /r/StableDiffusion | 2022-09-05

    I have a github project that will help you set up large batches of prompts too.

  • AI-Horde

    A crowdsourced distributed cluster for AI art and text generation

    Project mention: Can u still run SD on google colab / kaggle free tier? | /r/StableDiffusion | 2023-05-09

    This is a crowdsourced distributed cluster of Image generation workers and text generation workers. If you like this service, consider joining the horde yourself!

  • stable-diffusion-docker

    Run the official Stable Diffusion releases in a Docker container with txt2img, img2img, depth2img, pix2pix, upscale4x, and inpaint.

    Project mention: Do you guys recommend any GPU cloud hosting services for stable diffusion? | /r/StableDiffusion | 2023-04-30

    Honestly though, you’re being a bit paranoid about it. Running your own local install would be much easier, and if you use .safetensors then from my understanding you’re pretty safe. You could also run it using the Docker container for a bit more security, though imo it’s not worth the headache.

  • BlendGAN

    Official PyTorch implementation of "BlendGAN: Implicitly GAN Blending for Arbitrary Stylized Face Generation" (NeurIPS 2021)

  • HR-VITON

    Official PyTorch implementation for the paper High-Resolution Virtual Try-On with Misalignment and Occlusion-Handled Conditions (ECCV 2022).

    Project mention: Accelerate Machine Learning Local Development and Test Workflows with Nvidia Docker | dev.to | 2023-02-12

    FROM tensorflow/tensorflow:1.15.5-gpu-py3 # Handle Nvidia public key update and update repositories for Ubuntu 18.x. #https://github.com/sangyun884/HR-VITON/issues/45 # reference: https://jdhao.github.io/2022/05/05/nvidia-apt-repo-public-key-error-fix/ RUN rm /etc/apt/sources.list.d/cuda.list RUN rm /etc/apt/sources.list.d/nvidia-ml.list RUN apt-key del 7fa2af80 # Additional reference: https://gitlab.com/nvidia/container-images/cuda/-/issues/158 RUN export this_distro="$(cat /etc/os-release | grep '^ID=' | awk -F'=' '{print $2}')" \ && export this_version="$(cat /etc/os-release | grep '^VERSION_ID=' | awk -F'=' '{print $2}' | sed 's/[^0-9]*//g')" \ && apt-key adv --fetch-keys "https://developer.download.nvidia.com/compute/cuda/repos/${this_distro}${this_version}/x86_64/3bf863cc.pub" \ && apt-key adv --fetch-keys "https://developer.download.nvidia.com/compute/machine-learning/repos/${this_distro}${this_version}/x86_64/7fa2af80.pub" # get the latest version of OpenCV RUN apt-get update && \ DEBIAN_FRONTEND=noninteractive \ apt-get install -y -qq \ wget git libopencv-dev RUN python -m pip install --upgrade pip && \ pip install matplotlib opencv-python==4.5.4.60 Pillow scipy \ azure-eventhub azure-eventhub-checkpointstoreblob-aio ipykernel WORKDIR /

  • clip-guided-diffusion

    A CLI tool/python module for generating images from text using guided diffusion and CLIP from OpenAI.

  • SaaSHub

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

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). The latest post mention was on 2023-06-06.

Python image-generation related posts

Index

What are some of the best open-source image-generation projects in Python? This list will help you:

Project Stars
1 pytorch-CycleGAN-and-pix2pix 20,012
2 PaddleGAN 6,995
3 dream-textures 6,719
4 mmagic 4,854
5 DragGAN 3,609
6 Image-Super-Resolution-via-Iterative-Refinement 2,856
7 multidiffusion-upscaler-for-automatic1111 2,549
8 contrastive-unpaired-translation 1,892
9 Anime2Sketch 1,773
10 gansformer 1,273
11 data-efficient-gans 1,185
12 diffusiondb 781
13 anycost-gan 741
14 APDrawingGAN 724
15 clean-fid 679
16 SDEdit 649
17 cleanvision 614
18 ai-art-generator 572
19 AI-Horde 554
20 stable-diffusion-docker 526
21 BlendGAN 479
22 HR-VITON 454
23 clip-guided-diffusion 427
SaaSHub - Software Alternatives and Reviews
SaaSHub helps you find the best software and product alternatives
www.saashub.com