diffusers
π€ Diffusers: State-of-the-art diffusion models for image, video, and audio generation in PyTorch. (by huggingface)
diffusionbee-stable-diffusion-ui
Diffusion Bee is the easiest way to run Stable Diffusion locally on your M1 Mac. Comes with a one-click installer. No dependencies or technical knowledge needed. (by divamgupta)
| diffusers | diffusionbee-stable-diffusion-ui | |
|---|---|---|
| 279 | 144 | |
| 32,137 | 13,437 | |
| 2.1% | 0.0% | |
| 9.9 | 1.6 | |
| 4 days ago | about 1 year ago | |
| Python | JavaScript | |
| Apache License 2.0 | GNU Affero General Public License v3.0 |
The number of mentions indicates the total number of mentions that we've tracked plus the number of user suggested alternatives.
Stars - the number of stars that a project has on GitHub. Growth - month over month growth in stars.
Activity is a relative number indicating how actively a project is being developed. Recent commits have higher weight than older ones.
For example, an activity of 9.0 indicates that a project is amongst the top 10% of the most actively developed projects that we are tracking.
Stars - the number of stars that a project has on GitHub. Growth - month over month growth in stars.
Activity is a relative number indicating how actively a project is being developed. Recent commits have higher weight than older ones.
For example, an activity of 9.0 indicates that a project is amongst the top 10% of the most actively developed projects that we are tracking.
diffusers
Posts with mentions or reviews of diffusers. We have used some of these posts to build our list of alternatives and similar projects. The last one was on 2025-12-19.
- 2025 Complete Guide: Qwen-Image-Layered - Revolutionary AI Image Layer Decomposition Technology
# Step 1: Install required packages pip install transformers>=4.51.3 pip install git+https://github.com/huggingface/diffusers pip install python-pptx torch pillow # Step 2: Verify CUDA availability (for GPU users) python -c "import torch; print(torch.cuda.is_available())"
- Notes on the margins
Diffusers Documentation
- How to Install & Run Qwen Image
pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu121 pip install einops timm pillow pip install git+https://github.com/huggingface/transformers pip install git+https://github.com/huggingface/accelerate pip install git+https://github.com/huggingface/diffusers pip install huggingface_hub pip install sentencepiece bitsandbytes protobuf decord numpy
- Qwen-Image by Tongyi Achieves New SOTA in Image Generation, Disrupting the Open-Source Landscape
System requirements: 24GB GPU memory and 64GB+ RAM > pip install git+https://github.com/huggingface/diffusers
- How to Install FLUX.1-Kontext-Dev Locally?
pip install --upgrade pip pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu121 pip install git+https://github.com/huggingface/diffusers.git pip install transformers accelerate safetensors numpy pillow
- Inter-Process Communication between NodeJS and Python
I'm not a fan of Python, but it is the languange of choice for most Machine Learning code. I'm currently working on a NodeJS based project where I need to call the HuggingFace Diffusers python module. So I came up with an IPC wrapper around the the Python script.
- How to Install & Run VideoLLaMA3-7B Locally
!pip install torch torchvision torchaudio einops timm pillow !pip install git+https://github.com/huggingface/transformers !pip install git+https://github.com/huggingface/accelerate !pip install git+https://github.com/huggingface/diffusers !pip install huggingface_hub !pip install sentencepiece bitsandbytes protobuf decord ffmpeg-python imageio opencv-python
- I Self-Hosted Llama 3.2 with Coolify on My Home Server: A Step-by-Step Guide
> All the self-hosted LLM and text-to-image models come with some restrictions trained into them
https://github.com/huggingface/diffusers/issues/3422
- How to Run FLUX1 for Free: A Step-by-Step Guide
import modal image = modal.Image.debian_slim(python_version="3.10").apt_install( "libglib2.0-0", "libsm6", "libxrender1", "libxext6", "ffmpeg", "libgl1", "git" ).pip_install( "git+https://github.com/huggingface/diffusers.git", "invisible_watermark", "transformers", "accelerate", "safetensors", "sentencepiece", )
- Run Flux.1 on M3 Mac with Diffusers
pip install torch==2.3.1 pip install git+https://github.com/huggingface/diffusers.git pip install transformers==4.43.3 sentencepiece==0.2.0 accelerate==0.33.0 protobuf==5
diffusionbee-stable-diffusion-ui
Posts with mentions or reviews of diffusionbee-stable-diffusion-ui. We have used some of these posts to build our list of alternatives and similar projects. The last one was on 2024-10-03.
- FLUX1.1 [pro] β New SotA text-to-image model from Black Forest Labs
I usually don't want to comment on these, but: DiffusionBee's repo https://github.com/divamgupta/diffusionbee-stable-diffusion-... don't have any updates for 9 months except regular binary releases. There is no source code available for their recent builds. I think it is a bit unfair to say it is open-source app at this point given you are using a binary probably far different from the repo.
- LM Studio 0.3.0
Try Diffusion Bee's latest release https://github.com/divamgupta/diffusionbee-stable-diffusion-...
- Show HN: I made an app to use local AI as daily driver
* LLaVA model: I'll add more documentation. You are right Llava could not generate images. For image generation I don't have immediate plans, but checkout these projects for local image generation.
- https://diffusionbee.com/
- https://github.com/comfyanonymous/ComfyUI
- https://github.com/AUTOMATIC1111/stable-diffusion-webui
- Easy Stable Diffusion XL in your device, offline
Interesting, will check it out to see how it compares with https://diffusionbee.com which I am using for last few months for fun.
- Google is embedding inaudible watermarks right into its AI generated music
It depends on what you are planning to do. Stable diffusion works great locally on both the dell+linux and the mac laptop I tried it on. This one was easy to use while exploring models from huggingface: https://diffusionbee.com/
- DiffusionBee - Stable Diffusion App for AI Art
- How do I install stable diffusion on my Mac Air? My midjourney subscription expired, and I donβt wanna pay another 60 a month. So I wanna try a new service.
diffusion bee is the easiest app to use.
- Are there any good and safe apps for ai art?
If you have a Mac, I highly recommend DiffusionBee. Itβs an app you can install on your computer and use as much as you want (even offline) for free. The website has older downloads but if you go here you can get the latest beta with more features: https://github.com/divamgupta/diffusionbee-stable-diffusion-ui/releases
- Diffusion Bee for Mac new version 2 beta out
- Stable Diffusion Intel Mac?
Try these first: 1. https://drawthings.ai/ 2. https://diffusionbee.com/
What are some alternatives?
When comparing diffusers and diffusionbee-stable-diffusion-ui you can also consider the following projects:
stable-diffusion-webui - Stable Diffusion web UI
MochiDiffusion - Run Stable Diffusion on Mac natively
stable-diffusion - A latent text-to-image diffusion model
bitsandbytes - Accessible large language models via k-bit quantization for PyTorch.
a1111-sd-webui-tagcomplete - Booru style tag autocompletion for AUTOMATIC1111's Stable Diffusion web UI