|
import os |
|
import json |
|
import copy |
|
import time |
|
import random |
|
import logging |
|
import numpy as np |
|
from typing import Any, Dict, List, Optional, Union |
|
from diffusers.utils import load_image |
|
import torch |
|
from PIL import Image |
|
import gradio as gr |
|
|
|
from diffusers import ( |
|
DiffusionPipeline, |
|
AutoencoderTiny, |
|
AutoencoderKL, |
|
AutoPipelineForImage2Image, |
|
FluxPipeline, |
|
FlowMatchEulerDiscreteScheduler) |
|
|
|
from huggingface_hub import ( |
|
hf_hub_download, |
|
HfFileSystem, |
|
ModelCard, |
|
snapshot_download) |
|
|
|
import spaces |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
def calculate_shift( |
|
image_seq_len, |
|
base_seq_len: int = 256, |
|
max_seq_len: int = 4096, |
|
base_shift: float = 0.5, |
|
max_shift: float = 1.16, |
|
): |
|
m = (max_shift - base_shift) / (max_seq_len - base_seq_len) |
|
b = base_shift - m * base_seq_len |
|
mu = image_seq_len * m + b |
|
return mu |
|
|
|
def retrieve_timesteps( |
|
scheduler, |
|
num_inference_steps: Optional[int] = None, |
|
device: Optional[Union[str, torch.device]] = None, |
|
timesteps: Optional[List[int]] = None, |
|
sigmas: Optional[List[float]] = None, |
|
**kwargs, |
|
): |
|
if timesteps is not None and sigmas is not None: |
|
raise ValueError("Only one of `timesteps` or `sigmas` can be passed. Please choose one to set custom values") |
|
if timesteps is not None: |
|
scheduler.set_timesteps(timesteps=timesteps, device=device, **kwargs) |
|
timesteps = scheduler.timesteps |
|
num_inference_steps = len(timesteps) |
|
elif sigmas is not None: |
|
scheduler.set_timesteps(sigmas=sigmas, device=device, **kwargs) |
|
timesteps = scheduler.timesteps |
|
num_inference_steps = len(timesteps) |
|
else: |
|
scheduler.set_timesteps(num_inference_steps, device=device, **kwargs) |
|
timesteps = scheduler.timesteps |
|
return timesteps, num_inference_steps |
|
|
|
|
|
@torch.inference_mode() |
|
def flux_pipe_call_that_returns_an_iterable_of_images( |
|
self, |
|
prompt: Union[str, List[str]] = None, |
|
prompt_2: Optional[Union[str, List[str]]] = None, |
|
height: Optional[int] = None, |
|
width: Optional[int] = None, |
|
num_inference_steps: int = 28, |
|
timesteps: List[int] = None, |
|
guidance_scale: float = 3.5, |
|
num_images_per_prompt: Optional[int] = 1, |
|
generator: Optional[Union[torch.Generator, List[torch.Generator]]] = None, |
|
latents: Optional[torch.FloatTensor] = None, |
|
prompt_embeds: Optional[torch.FloatTensor] = None, |
|
pooled_prompt_embeds: Optional[torch.FloatTensor] = None, |
|
output_type: Optional[str] = "pil", |
|
return_dict: bool = True, |
|
joint_attention_kwargs: Optional[Dict[str, Any]] = None, |
|
max_sequence_length: int = 512, |
|
good_vae: Optional[Any] = None, |
|
): |
|
height = height or self.default_sample_size * self.vae_scale_factor |
|
width = width or self.default_sample_size * self.vae_scale_factor |
|
|
|
self.check_inputs( |
|
prompt, |
|
prompt_2, |
|
height, |
|
width, |
|
prompt_embeds=prompt_embeds, |
|
pooled_prompt_embeds=pooled_prompt_embeds, |
|
max_sequence_length=max_sequence_length, |
|
) |
|
|
|
self._guidance_scale = guidance_scale |
|
self._joint_attention_kwargs = joint_attention_kwargs |
|
self._interrupt = False |
|
|
|
batch_size = 1 if isinstance(prompt, str) else len(prompt) |
|
device = self._execution_device |
|
|
|
lora_scale = joint_attention_kwargs.get("scale", None) if joint_attention_kwargs is not None else None |
|
prompt_embeds, pooled_prompt_embeds, text_ids = self.encode_prompt( |
|
prompt=prompt, |
|
prompt_2=prompt_2, |
|
prompt_embeds=prompt_embeds, |
|
pooled_prompt_embeds=pooled_prompt_embeds, |
|
device=device, |
|
num_images_per_prompt=num_images_per_prompt, |
|
max_sequence_length=max_sequence_length, |
|
lora_scale=lora_scale, |
|
) |
|
|
|
num_channels_latents = self.transformer.config.in_channels // 4 |
|
latents, latent_image_ids = self.prepare_latents( |
|
batch_size * num_images_per_prompt, |
|
num_channels_latents, |
|
height, |
|
width, |
|
prompt_embeds.dtype, |
|
device, |
|
generator, |
|
latents, |
|
) |
|
|
|
sigmas = np.linspace(1.0, 1 / num_inference_steps, num_inference_steps) |
|
image_seq_len = latents.shape[1] |
|
mu = calculate_shift( |
|
image_seq_len, |
|
self.scheduler.config.base_image_seq_len, |
|
self.scheduler.config.max_image_seq_len, |
|
self.scheduler.config.base_shift, |
|
self.scheduler.config.max_shift, |
|
) |
|
timesteps, num_inference_steps = retrieve_timesteps( |
|
self.scheduler, |
|
num_inference_steps, |
|
device, |
|
timesteps, |
|
sigmas, |
|
mu=mu, |
|
) |
|
self._num_timesteps = len(timesteps) |
|
|
|
guidance = torch.full([1], guidance_scale, device=device, dtype=torch.float32).expand(latents.shape[0]) if self.transformer.config.guidance_embeds else None |
|
|
|
for i, t in enumerate(timesteps): |
|
if self.interrupt: |
|
continue |
|
|
|
timestep = t.expand(latents.shape[0]).to(latents.dtype) |
|
|
|
noise_pred = self.transformer( |
|
hidden_states=latents, |
|
timestep=timestep / 1000, |
|
guidance=guidance, |
|
pooled_projections=pooled_prompt_embeds, |
|
encoder_hidden_states=prompt_embeds, |
|
txt_ids=text_ids, |
|
img_ids=latent_image_ids, |
|
joint_attention_kwargs=self.joint_attention_kwargs, |
|
return_dict=False, |
|
)[0] |
|
|
|
latents_for_image = self._unpack_latents(latents, height, width, self.vae_scale_factor) |
|
latents_for_image = (latents_for_image / self.vae.config.scaling_factor) + self.vae.config.shift_factor |
|
image = self.vae.decode(latents_for_image, return_dict=False)[0] |
|
yield self.image_processor.postprocess(image, output_type=output_type)[0] |
|
latents = self.scheduler.step(noise_pred, t, latents, return_dict=False)[0] |
|
torch.cuda.empty_cache() |
|
|
|
latents = self._unpack_latents(latents, height, width, self.vae_scale_factor) |
|
latents = (latents / good_vae.config.scaling_factor) + good_vae.config.shift_factor |
|
image = good_vae.decode(latents, return_dict=False)[0] |
|
self.maybe_free_model_hooks() |
|
torch.cuda.empty_cache() |
|
yield self.image_processor.postprocess(image, output_type=output_type)[0] |
|
|
|
|
|
loras = [ |
|
|
|
{ |
|
"image": "https://huggingface.co/strangerzonehf/Flux-Super-Realism-LoRA/resolve/main/images/1.png", |
|
"title": "Super Realism", |
|
"repo": "strangerzonehf/Flux-Super-Realism-LoRA", |
|
"weights": "super-realism.safetensors", |
|
"trigger_word": "Super Realism" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Flux-Dalle-Mix-LoRA/resolve/main/images/D3.png", |
|
"title": "Dalle Mix", |
|
"repo": "prithivMLmods/Flux-Dalle-Mix-LoRA", |
|
"weights": "dalle-mix.safetensors", |
|
"trigger_word": "dalle-mix" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/strangerzonehf/Flux-Animeo-v1-LoRA/resolve/main/images/A4.png", |
|
"title": "Animeo Mix", |
|
"repo": "strangerzonehf/Flux-Animeo-v1-LoRA", |
|
"weights": "Animeo.safetensors", |
|
"trigger_word": "Animeo" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/strangerzonehf/Flux-Animex-v2-LoRA/resolve/main/images/A33.png", |
|
"title": "Animex Mix", |
|
"repo": "strangerzonehf/Flux-Animex-v2-LoRA", |
|
"weights": "Animex.safetensors", |
|
"trigger_word": "Animex" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/strangerzonehf/Flux-Super-Blend-LoRA/resolve/main/images/SB1.png", |
|
"title": "Super Blend", |
|
"repo": "strangerzonehf/Flux-Super-Blend-LoRA", |
|
"weights": "Super-Blend.safetensors", |
|
"trigger_word": "Super Blend" |
|
}, |
|
|
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Purple-Dreamy-Flux-LoRA/resolve/main/images/PD3.png", |
|
"title": "Purple Dream", |
|
"repo": "prithivMLmods/Purple-Dreamy-Flux-LoRA", |
|
"weights": "Purple-Dreamy.safetensors", |
|
"trigger_word": "Purple Dreamy" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Canopus-LoRA-Flux-FaceRealism/resolve/main/images/11.png", |
|
"title": "Flux Face Realism", |
|
"repo": "prithivMLmods/Canopus-LoRA-Flux-FaceRealism", |
|
"trigger_word": "Realism" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/alvdansen/softserve_anime/resolve/main/images/ComfyUI_00134_.png", |
|
"title": "Softserve Anime", |
|
"repo": "alvdansen/softserve_anime", |
|
"trigger_word": "sftsrv style illustration" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Fashion-Hut-Modeling-LoRA/resolve/main/images/MO1.png", |
|
"title": "Modeling Hut", |
|
"repo": "prithivMLmods/Fashion-Hut-Modeling-LoRA", |
|
"trigger_word": "Modeling of" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Shakker-Labs/FLUX.1-dev-LoRA-One-Click-Creative-Template/resolve/main/images/f2cc649985648e57b9b9b14ca7a8744ac8e50d75b3a334ed4df0f368.jpg", |
|
"title": "Creative Template", |
|
"repo": "Shakker-Labs/FLUX.1-dev-LoRA-One-Click-Creative-Template", |
|
"trigger_word": "The background is 4 real photos, and in the middle is a cartoon picture summarizing the real photos." |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Canopus-LoRA-Flux-UltraRealism-2.0/resolve/main/images/XX.png", |
|
"title": "Ultra Realism", |
|
"repo": "prithivMLmods/Canopus-LoRA-Flux-UltraRealism-2.0", |
|
"trigger_word": "Ultra realistic" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/gokaygokay/Flux-Game-Assets-LoRA-v2/resolve/main/images/example_y2bqpuphc.png", |
|
"title": "Game Assets", |
|
"repo": "gokaygokay/Flux-Game-Assets-LoRA-v2", |
|
"trigger_word": "wbgmsst, white background" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/alvdansen/softpasty-flux-dev/resolve/main/images/ComfyUI_00814_%20(2).png", |
|
"title": "Softpasty", |
|
"repo": "alvdansen/softpasty-flux-dev", |
|
"trigger_word": "araminta_illus illustration style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Shakker-Labs/FLUX.1-dev-LoRA-add-details/resolve/main/images/0.png", |
|
"title": "Details Add", |
|
"repo": "Shakker-Labs/FLUX.1-dev-LoRA-add-details", |
|
"trigger_word": "" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Canopus-LoRA-Flux-Anime/resolve/main/assets/4.png", |
|
"title": "Flux Anime", |
|
"repo": "prithivMLmods/Canopus-LoRA-Flux-Anime", |
|
"trigger_word": "Anime" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/aleksa-codes/flux-ghibsky-illustration/resolve/main/images/example5.jpg", |
|
"title": "Ghibsky Illustration", |
|
"repo": "aleksa-codes/flux-ghibsky-illustration", |
|
"trigger_word": "GHIBSKY style painting" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Shakker-Labs/FLUX.1-dev-LoRA-Dark-Fantasy/resolve/main/images/c2215bd73da9f14fcd63cc93350e66e2901bdafa6fb8abaaa2c32a1b.jpg", |
|
"title": "Dark Fantasy", |
|
"repo": "Shakker-Labs/FLUX.1-dev-LoRA-Dark-Fantasy", |
|
"trigger_word": "" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Norod78/Flux_1_Dev_LoRA_Paper-Cutout-Style/resolve/main/d13591878d5043f3989dd6eb1c25b710_233c18effb4b491cb467ca31c97e90b5.png", |
|
"title": "Paper Cutout", |
|
"repo": "Norod78/Flux_1_Dev_LoRA_Paper-Cutout-Style", |
|
"trigger_word": "Paper Cutout Style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/alvdansen/mooniverse/resolve/main/images/out-0%20(17).webp", |
|
"title": "Mooniverse", |
|
"repo": "alvdansen/mooniverse", |
|
"trigger_word": "surreal style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/alvdansen/pola-photo-flux/resolve/main/images/out-0%20-%202024-09-22T130819.351.webp", |
|
"title": "Pola Photo", |
|
"repo": "alvdansen/pola-photo-flux", |
|
"trigger_word": "polaroid style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/multimodalart/flux-tarot-v1/resolve/main/images/7e180627edd846e899b6cd307339140d_5b2a09f0842c476b83b6bd2cb9143a52.png", |
|
"title": "Flux Tarot", |
|
"repo": "multimodalart/flux-tarot-v1", |
|
"trigger_word": "in the style of TOK a trtcrd tarot style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Flux-Dev-Real-Anime-LoRA/resolve/main/images/111.png", |
|
"title": "Real Anime", |
|
"repo": "prithivMLmods/Flux-Dev-Real-Anime-LoRA", |
|
"trigger_word": "Real Anime" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/diabolic6045/Flux_Sticker_Lora/resolve/main/images/example_s3pxsewcb.png", |
|
"title": "Stickers", |
|
"repo": "diabolic6045/Flux_Sticker_Lora", |
|
"trigger_word": "5t1cker 5ty1e" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/VideoAditor/Flux-Lora-Realism/resolve/main/images/feel-the-difference-between-using-flux-with-lora-from-xlab-v0-j0ehybmvxehd1.png", |
|
"title": "Realism", |
|
"repo": "XLabs-AI/flux-RealismLora", |
|
"trigger_word": "" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/alvdansen/flux-koda/resolve/main/images/ComfyUI_00583_%20(1).png", |
|
"title": "Koda", |
|
"repo": "alvdansen/flux-koda", |
|
"trigger_word": "flmft style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/mgwr/Cine-Aesthetic/resolve/main/images/00019-1333633802.png", |
|
"title": "Cine Aesthetic", |
|
"repo": "mgwr/Cine-Aesthetic", |
|
"trigger_word": "mgwr/cine" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/SebastianBodza/flux_cute3D/resolve/main/images/astronaut.webp", |
|
"title": "Cute 3D", |
|
"repo": "SebastianBodza/flux_cute3D", |
|
"trigger_word": "NEOCUTE3D" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/bingbangboom/flux_dreamscape/resolve/main/images/3.jpg", |
|
"title": "Dreamscape", |
|
"repo": "bingbangboom/flux_dreamscape", |
|
"trigger_word": "in the style of BSstyle004" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Canopus-LoRA-Flux-FaceRealism/resolve/main/images/xc.webp", |
|
"title": "Cute Kawaii", |
|
"repo": "prithivMLmods/Canopus-Cute-Kawaii-Flux-LoRA", |
|
"trigger_word": "cute-kawaii" |
|
}, |
|
|
|
{ |
|
"image": "https://cdn-uploads.huggingface.co/production/uploads/64b24543eec33e27dc9a6eca/_jyra-jKP_prXhzxYkg1O.png", |
|
"title": "Pastel Anime", |
|
"repo": "Raelina/Flux-Pastel-Anime", |
|
"trigger_word": "Anime" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Shakker-Labs/FLUX.1-dev-LoRA-Vector-Journey/resolve/main/images/f7a66b51c89896854f31bef743dc30f33c6ea3c0ed8f9ff04d24b702.jpg", |
|
"title": "Vector", |
|
"repo": "Shakker-Labs/FLUX.1-dev-LoRA-Vector-Journey", |
|
"trigger_word": "artistic style blends reality and illustration elements" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/bingbangboom/flux-miniature-worlds/resolve/main/images/2.jpg", |
|
"title": "Miniature", |
|
"repo": "bingbangboom/flux-miniature-worlds", |
|
"weights": "flux_MNTRWRLDS.safetensors", |
|
"trigger_word": "Image in the style of MNTRWRLDS" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif-loradex-trainer/bingbangboom_flux_surf/resolve/main/samples/1729012111574__000002000_0.jpg", |
|
"title": "Surf Bingbangboom", |
|
"repo": "glif-loradex-trainer/bingbangboom_flux_surf", |
|
"weights": "flux_surf.safetensors", |
|
"trigger_word": "SRFNGV01" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Canopus-Snoopy-Charlie-Brown-Flux-LoRA/resolve/main/000.png", |
|
"title": "Snoopy Charlie", |
|
"repo": "prithivMLmods/Canopus-Snoopy-Charlie-Brown-Flux-LoRA", |
|
"trigger_word": "Snoopy Charlie Brown" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/alvdansen/sonny-anime-fixed/resolve/main/images/uqAuIMqA6Z7mvPkHg4qJE_f4c3cbe64e0349e7b946d02adeacdca3.png", |
|
"title": "Fixed Sonny", |
|
"repo": "alvdansen/sonny-anime-fixed", |
|
"trigger_word": "nm22 style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/davisbro/flux-multi-angle/resolve/main/multi-angle-examples/3.png", |
|
"title": "Multi Angle", |
|
"repo": "davisbro/flux-multi-angle", |
|
"trigger_word": "A TOK composite photo of a person posing at different angles" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif/how2draw/resolve/main/images/glif-how2draw-araminta-k-vbnvy94npt8m338r2vm02m50.jpg", |
|
"title": "How2Draw", |
|
"repo": "glif/how2draw", |
|
"trigger_word": "How2Draw" |
|
|
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Shakker-Labs/FLUX.1-dev-LoRA-Text-Poster/resolve/main/images/6dd1a918d89991ad5e40513ab88e7d892077f89dac93edcf4b660dd2.jpg", |
|
"title": "Text Poster", |
|
"repo": "Shakker-Labs/FLUX.1-dev-LoRA-Text-Poster", |
|
"trigger_word": "text poster" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/SebastianBodza/Flux_Aquarell_Watercolor_v2/resolve/main/images/coffee.webp", |
|
"title": "Aquarell Watercolor", |
|
"repo": "SebastianBodza/Flux_Aquarell_Watercolor_v2", |
|
"trigger_word": "AQUACOLTOK" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Purz/face-projection/resolve/main/34031797.jpeg", |
|
"title": "Face Projection ", |
|
"repo": "Purz/face-projection", |
|
"trigger_word": "f4c3_p40j3ct10n" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/martintomov/ecom-flux-v2/resolve/main/images/example_z30slf97z.png", |
|
"title": "Ecom Design Art", |
|
"repo": "martintomov/ecom-flux-v2", |
|
"trigger_word": "" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/TheAwakenOne/max-headroom/resolve/main/sample/max-headroom_000900_00_20241015234926.png", |
|
"title": "Max Head-Room", |
|
"repo": "TheAwakenOne/max-headroom", |
|
"weights": "max-headroom-v1.safetensors", |
|
"trigger_word": "M2X, Max-Headroom" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/renderartist/toyboxflux/resolve/main/images/3D__00366_.png", |
|
"title": "Toy Box Flux", |
|
"repo": "renderartist/toyboxflux", |
|
"weights": "Toy_Box_Flux_v2_renderartist.safetensors", |
|
"trigger_word": "t0yb0x, simple toy design, detailed toy design, 3D render" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Shakker-Labs/FLUX.1-dev-LoRA-live-3D/resolve/main/images/51a716fb6fe9ba5d54c260b70e7ff661d38acedc7fb725552fa77bcf.jpg", |
|
"title": "Live 3D", |
|
"repo": "Shakker-Labs/FLUX.1-dev-LoRA-live-3D", |
|
"trigger_word": "" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Shakker-Labs/FLUX.1-dev-LoRA-Garbage-Bag-Art/resolve/main/images/42e944819b43869a03dc252d10409b5944a62494c7082816121016f9.jpg", |
|
"title": "Garbage Bag Art", |
|
"repo": "Shakker-Labs/FLUX.1-dev-LoRA-Garbage-Bag-Art", |
|
"trigger_word": "Inflatable plastic bag" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Shakker-Labs/FLUX.1-dev-LoRA-Logo-Design/resolve/main/images/73e7db6a33550d05836ce285549de60075d05373c7b0660d631dac33.jpg", |
|
"title": "Logo Design", |
|
"repo": "Shakker-Labs/FLUX.1-dev-LoRA-Logo-Design", |
|
"trigger_word": "wablogo, logo, Minimalist" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/punzel/flux_sadie_sink/resolve/main/images/ComfyUI_Flux_Finetune_00069_.png", |
|
"title": "Sadie Sink", |
|
"repo": "punzel/flux_sadie_sink", |
|
"weights": "flux_sadie_sink.safetensors", |
|
"trigger_word": "Sadie Sink" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/punzel/flux_jenna_ortega/resolve/main/images/ComfyUI_Flux_Finetune_00065_.png", |
|
"title": "Jenna ortega", |
|
"repo": "punzel/flux_jenna_ortega", |
|
"weights": "flux_jenna_ortega.safetensors", |
|
"trigger_word": "Jenna ortega" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Wakkamaruh/balatro-poker-cards/resolve/main/samples/01.png", |
|
"title": "Poker Cards", |
|
"repo": "Wakkamaruh/balatro-poker-cards", |
|
"weights": "balatro-poker-cards.safetensors", |
|
"trigger_word": "balatrocard" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/lichorosario/flux-cubist-cartoon/resolve/main/samples/albert-einstein.png", |
|
"title": "Cubist Cartoon", |
|
"repo": "lichorosario/flux-cubist-cartoon", |
|
"weights": "lora.safetensors", |
|
"trigger_word": "CBSTCRTN" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/iliketoasters/miniature-people/resolve/main/images/1757-over%20the%20shoulder%20shot%2C%20raw%20photo%2C%20a%20min-fluxcomfy-orgflux1-dev-fp8-128443497-converted.png", |
|
"title": "Miniature People", |
|
"repo": "iliketoasters/miniature-people", |
|
"trigger_word": "miniature people" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/ampp/rough-kids-illustrations/resolve/main/samples/1725115106736__000001000_0.jpg", |
|
"title": "kids Illustrations", |
|
"repo": "ampp/rough-kids-illustrations", |
|
"weights": "rough-kids-illustrations.safetensors", |
|
"trigger_word": "r0ughkids4rt" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/lichorosario/flux-lora-tstvctr/resolve/main/images/example_mo3jx93o6.png", |
|
"title": "TSTVCTR Cartoon", |
|
"repo": "lichorosario/flux-lora-tstvctr", |
|
"weights": "lora.safetensors", |
|
"trigger_word": "TSTVCTR cartoon illustration" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/lichorosario/flux-lora-gliff-tosti-vector-no-captions-2500s/resolve/main/images/example_i6h6fi9sq.png", |
|
"title": "Tosti Vector", |
|
"repo": "lichorosario/flux-lora-gliff-tosti-vector-no-captions-2500s", |
|
"weights": "flux_dev_tosti_vector_without_captions_000002500.safetensors", |
|
"trigger_word": "" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/AlekseyCalvin/Propaganda_Poster_Schnell_by_doctor_diffusion/resolve/main/Trashy.png", |
|
"title": "Propaganda Poster", |
|
"repo": "AlekseyCalvin/Propaganda_Poster_Schnell_by_doctor_diffusion", |
|
"weights": "propaganda_schnell_v1.safetensors", |
|
"trigger_word": "propaganda poster" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/WizWhite/Wiz-PunchOut_Ringside_Portrait/resolve/main/images/punch0ut__ringside_pixel_portrait_depicting_chris_brown_wearing_a_veil__moonstone_gray_background_with_white_ropes___1923906484.png", |
|
"title": "Ringside Portrait", |
|
"repo": "WizWhite/Wiz-PunchOut_Ringside_Portrait", |
|
"trigger_word": "punch0ut, ringside pixel portrait depicting" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif-loradex-trainer/kklors_flux_dev_long_exposure/resolve/main/samples/1729016926778__000003000_3.jpg", |
|
"title": "Long Exposure", |
|
"repo": "glif-loradex-trainer/kklors_flux_dev_long_exposure", |
|
"weights": "flux_dev_long_exposure.safetensors", |
|
"trigger_word": "LE" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/DamarJati/streetwear-flux/resolve/main/img/79e891f9-ceb8-4f8a-a51d-bb432789d037.jpeg", |
|
"title": "Street Wear", |
|
"repo": "DamarJati/streetwear-flux", |
|
"weights": "Streetwear.safetensors", |
|
"trigger_word": "Handling Information Tshirt template" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/multimodalart/vintage-ads-flux/resolve/main/samples/-FMpgla6rQ1hBwBpbr-Ao_da7b23c29de14a9cad94901879ae2e2b.png", |
|
"title": "Vintage Ads Flux", |
|
"repo": "multimodalart/vintage-ads-flux", |
|
"weights": "vintage-ads-flux-1350.safetensors", |
|
"trigger_word": "a vintage ad of" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/multimodalart/product-design/resolve/main/images/example_vgv87rlfl.png", |
|
"title": "Product Design", |
|
"repo": "multimodalart/product-design", |
|
"weights": "product-design.safetensors", |
|
"trigger_word": "product designed by prdsgn" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Canopus-LoRA-Flux-Typography-ASCII/resolve/main/images/NNN.png", |
|
"title": "Typography", |
|
"repo": "prithivMLmods/Canopus-LoRA-Flux-Typography-ASCII", |
|
"weights": "Typography.safetensors", |
|
"trigger_word": "Typography, ASCII Art" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/mateo-19182/mosoco/resolve/main/samples/1725714834007__000002000_0.jpg", |
|
"title": "Mosoco", |
|
"repo": "mateo-19182/mosoco", |
|
"weights": "mosoco.safetensors", |
|
"trigger_word": "moscos0" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/jakedahn/flux-latentpop/resolve/main/images/2.webp", |
|
"title": "Latent Pop", |
|
"repo": "jakedahn/flux-latentpop", |
|
"weights": "lora.safetensors", |
|
"trigger_word": "latentpop" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif-loradex-trainer/ddickinson_dstyl3xl/resolve/main/samples/1728556571974__000001500_2.jpg", |
|
"title": "Dstyl3xl", |
|
"repo": "glif-loradex-trainer/ddickinson_dstyl3xl", |
|
"weights": "dstyl3xl.safetensors", |
|
"trigger_word": "in the style of dstyl3xl" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/TDN-M/RetouchFLux/resolve/main/images/496f0680-0158-4f37-805d-d227c1a08a7b.png", |
|
"title": "Retouch FLux", |
|
"repo": "TDN-M/RetouchFLux", |
|
"weights": "TDNM_Retouch.safetensors", |
|
"trigger_word": "luxury, enhance, hdr" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif/anime-blockprint-style/resolve/main/images/glif-block-print-anime-flux-dev-araminta-k-lora-araminta-k-e35k8xqsrb8dtq2qcv4gsr3z.jpg", |
|
"title": "Block Print", |
|
"repo": "glif/anime-blockprint-style", |
|
"weights": "bwmanga.safetensors", |
|
"trigger_word": "blockprint style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/renderartist/weirdthingsflux/resolve/main/images/3D__02303_.png", |
|
"title": "Weird Things Flux", |
|
"repo": "renderartist/weirdthingsflux", |
|
"weights": "Weird_Things_Flux_v1_renderartist.safetensors", |
|
"trigger_word": "w3irdth1ngs, illustration" |
|
}, |
|
|
|
{ |
|
"image": "https://replicate.delivery/yhqm/z7f2OBcvga07dCoJ4FeRGZCbE5PvipLhogPhEeU7BazIg5lmA/out-0.webp", |
|
"title": "Replicate Flux LoRA", |
|
"repo": "lucataco/ReplicateFluxLoRA", |
|
"weights": "flux_train_replicate.safetensors", |
|
"trigger_word": "TOK" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/alvdansen/haunted_linework_flux/resolve/main/images/ComfyUI_00755_.png", |
|
"title": "Linework", |
|
"repo": "alvdansen/haunted_linework_flux", |
|
"weights": "hauntedlinework_flux_araminta_k.safetensors", |
|
"trigger_word": "hntdlnwrk style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/fofr/flux-cassette-futurism/resolve/main/images/example_qgry9jnkj.png", |
|
"title": "Cassette Futurism", |
|
"repo": "fofr/flux-cassette-futurism", |
|
"weights": "lora.safetensors", |
|
"trigger_word": "cassette futurism" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Wadaka/Mojo_Style_LoRA/resolve/main/Samples/Sample2.png", |
|
"title": "Mojo Style", |
|
"repo": "Wadaka/Mojo_Style_LoRA", |
|
"weights": "Mojo_Style_LoRA.safetensors", |
|
"trigger_word": "Mojo_Style" |
|
|
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Norod78/JojosoStyle-flux-lora/resolve/main/samples/1725244218477__000004255_1.jpg", |
|
"title": "Jojoso Style", |
|
"repo": "Norod78/JojosoStyle-flux-lora", |
|
"weights": "JojosoStyle_flux_lora.safetensors", |
|
"trigger_word": "JojosoStyle" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Chunte/flux-lora-Huggieverse/resolve/main/images/Happy%20star.png", |
|
"title": "Huggieverse", |
|
"repo": "Chunte/flux-lora-Huggieverse", |
|
"weights": "lora.safetensors", |
|
"trigger_word": "HGGRE" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/diabolic6045/Flux_Wallpaper_Lora/resolve/main/images/example_hjp51et93.png", |
|
"title": "Wallpaper LoRA", |
|
"repo": "diabolic6045/Flux_Wallpaper_Lora", |
|
"weights": "tost-2024-09-20-07-35-44-wallpap3r5.safetensors", |
|
"trigger_word": "wallpap3r5" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/bingbangboom/flux_geopop/resolve/main/extras/5.png", |
|
"title": "Geo Pop", |
|
"repo": "bingbangboom/flux_geopop", |
|
"weights": "geopop_NWGMTRCPOPV01.safetensors", |
|
"trigger_word": "illustration in the style of NWGMTRCPOPV01" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/bingbangboom/flux_colorscape/resolve/main/images/4.jpg", |
|
"title": "Colorscape", |
|
"repo": "bingbangboom/flux_colorscape", |
|
"weights": "flux_colorscape.safetensors", |
|
"trigger_word": "illustration in the style of ASstyle001" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/dvyio/flux-lora-thermal-image/resolve/main/images/WROSaNNU4-Gw0r5QoBRjf_f164ffa4f0804e68bad1d06d30deecfa.jpg", |
|
"title": "Thermal Image", |
|
"repo": "dvyio/flux-lora-thermal-image", |
|
"weights": "79b5004c57ef4c4390dead1c65977bbb_pytorch_lora_weights.safetensors", |
|
"trigger_word": "thermal image in the style of THRML" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Canopus-Clothing-Flux-LoRA/resolve/main/images/333.png", |
|
"title": "Clothing Flux", |
|
"repo": "prithivMLmods/Canopus-Clothing-Flux-LoRA", |
|
"weights": "Canopus-Clothing-Flux-Dev-Florence2-LoRA.safetensors", |
|
"trigger_word": "Hoodie, Clothes, Shirt, Pant" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/dvyio/flux-lora-stippled-illustration/resolve/main/images/57FPpbu74QTV45w6oNOtZ_26832270585f456c99e4a98b1c073745.jpg", |
|
"title": "Stippled Illustration", |
|
"repo": "dvyio/flux-lora-stippled-illustration", |
|
"weights": "31984be602a04a1fa296d9ccb244fb29_pytorch_lora_weights.safetensors", |
|
"trigger_word": "stippled illustration in the style of STPPLD" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/wayned/fruitlabels/resolve/main/images/ComfyUI_03969_.png", |
|
"title": "Fruitlabels", |
|
"repo": "wayned/fruitlabels", |
|
"weights": "fruitlabels2.safetensors", |
|
"trigger_word": "fruit labels" |
|
|
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/punzel/flux_margot_robbie/resolve/main/images/ComfyUI_Flux_Finetune_00142_.png", |
|
"title": "Margot Robbie", |
|
"repo": "punzel/flux_margot_robbie", |
|
"weights": "flux_margot_robbie.safetensors", |
|
"trigger_word": "" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/diabolic6045/Formula1_Lego_Lora/resolve/main/images/example_502kcuiba.png", |
|
"title": "Formula 1 Lego", |
|
"repo": "punzel/flux_margot_robbie", |
|
"weights": "tost-2024-09-20-09-58-33-f1leg0s.safetensors", |
|
"trigger_word": "f1leg0s" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif/Brain-Melt-Acid-Art/resolve/main/images/IMG_0832.png", |
|
"title": "Melt Acid", |
|
"repo": "glif/Brain-Melt-Acid-Art", |
|
"weights": "Brain_Melt.safetensors", |
|
"trigger_word": "in an acid surrealism style, maximalism" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/jeremytai/enso-zen/resolve/main/images/example_a0iwdj5lu.png", |
|
"title": "Enso", |
|
"repo": "jeremytai/enso-zen", |
|
"weights": "enso-zen.safetensors", |
|
"trigger_word": "enso" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/veryVANYA/opus-ascii-flux/resolve/main/31654332.jpeg", |
|
"title": "Opus Ascii", |
|
"repo": "veryVANYA/opus-ascii-flux", |
|
"weights": "flux_opus_ascii.safetensors", |
|
"trigger_word": "opus_ascii" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/crystantine/cybrpnkz/resolve/main/images/example_plyxk0lej.png", |
|
"title": "Cybrpnkz", |
|
"repo": "crystantine/cybrpnkz", |
|
"weights": "cybrpnkz.safetensors", |
|
"trigger_word": "architecture style of CYBRPNKZ" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/fyp1/pattern_generation/resolve/main/images/1727560066052__000001000_7.jpg", |
|
"title": "Pattern Generation", |
|
"repo": "fyp1/pattern_generation", |
|
"weights": "flux_dev_finetune.safetensors", |
|
"trigger_word": "pattern" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/TheAwakenOne/caricature/resolve/main/sample/caricature_000900_03_20241007143412.png", |
|
"title": "Caricature", |
|
"repo": "TheAwakenOne/caricature", |
|
"weights": "caricature.safetensors", |
|
"trigger_word": "CCTUR3" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/davidrd123/Flux-MoonLanding76-Replicate/resolve/main/images/example_6adktoq5m.png", |
|
"title": "MoonLanding 76", |
|
"repo": "davidrd123/Flux-MoonLanding76-Replicate", |
|
"weights": "lora.safetensors", |
|
"trigger_word": "m00nl4nd1ng" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Purz/neon-sign/resolve/main/33944768.jpeg", |
|
"title": "Neon", |
|
"repo": "Purz/neon-sign", |
|
"weights": "purz-n30n_51gn.safetensors", |
|
"trigger_word": "n30n_51gn" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/WizWhite/wizard-s-vintage-sardine-tins/resolve/main/27597694.jpeg", |
|
"title": "Vintage Sardine Tins", |
|
"repo": "WizWhite/wizard-s-vintage-sardine-tins", |
|
"weights": "Wiz-SardineTins_Flux.safetensors", |
|
"trigger_word": "Vintage Sardine Tin, Tinned Fish, vintage xyz tin" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/TheAwakenOne/mtdp-balloon-character/resolve/main/sample/mtdp-balloon-character_000200_01_20241014221110.png", |
|
"title": "Float Ballon Character", |
|
"repo": "TheAwakenOne/mtdp-balloon-character", |
|
"weights": "mtdp-balloon-character.safetensors", |
|
"trigger_word": "FLOAT" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif/golden-haggadah/resolve/main/images/6aca6403-ecd6-4216-a66a-490ae25ff1b2.jpg", |
|
"title": "Golden Haggadah", |
|
"repo": "glif/golden-haggadah", |
|
"weights": "golden_haggadah.safetensors", |
|
"trigger_word": "golden haggadah style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif-loradex-trainer/usernametaken420__oz_ftw_balaclava/resolve/main/samples/1729278631255__000001500_1.jpg", |
|
"title": "Ftw Balaclava", |
|
"repo": "glif-loradex-trainer/usernametaken420__oz_ftw_balaclava", |
|
"weights": "oz_ftw_balaclava.safetensors", |
|
"trigger_word": "ftw balaclava" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/AlloReview/flux-lora-undraw/resolve/main/images/Flux%20Lora%20Undraw%20Prediction.webp", |
|
"title": "Undraw", |
|
"repo": "AlloReview/flux-lora-undraw", |
|
"weights": "lora.safetensors", |
|
"trigger_word": "in the style of UndrawPurple" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Disra/lora-anime-test-02/resolve/main/assets/image_0_0.png", |
|
"title": "Anime Test", |
|
"repo": "Disra/lora-anime-test-02", |
|
"weights": "pytorch_lora_weights.safetensors", |
|
"trigger_word": "anime" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/wanghaofan/Black-Myth-Wukong-FLUX-LoRA/resolve/main/images/7d0ac495a4d5e4a3a30df25f08379a3f956ef99e1dc3e252fc1fca3a.jpg", |
|
"title": "Black Myth Wukong", |
|
"repo": "wanghaofan/Black-Myth-Wukong-FLUX-LoRA", |
|
"weights": "pytorch_lora_weights.safetensors", |
|
"trigger_word": "wukong" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/nerijs/pastelcomic-flux/resolve/main/images/4uZ_vaYg-HQnfa5D9gfli_38bf3f95d8b345e5a9bd42d978a15267.png", |
|
"title": "Pastelcomic", |
|
"repo": "nerijs/pastelcomic-flux", |
|
"weights": "pastelcomic_v1.safetensors", |
|
"trigger_word": "" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/RareConcepts/Flux.1-dev-LoKr-Moonman/resolve/main/assets/image_6_0.png", |
|
"title": "Moonman", |
|
"repo": "RareConcepts/Flux.1-dev-LoKr-Moonman", |
|
"weights": "pytorch_lora_weights.safetensors", |
|
"trigger_word": "moonman" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/martintomov/ascii-flux-v1/resolve/main/images/0af53645-ddcc-4803-93c8-f7e43f6fbbd1.jpeg", |
|
"title": "Ascii Flux", |
|
"repo": "martintomov/ascii-flux-v1", |
|
"weights": "ascii-art-v1.safetensors", |
|
"trigger_word": "ASCII art" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Omarito2412/Stars-Galaxy-Flux/resolve/main/images/25128409.jpeg", |
|
"title": "Ascii Flux", |
|
"repo": "Omarito2412/Stars-Galaxy-Flux", |
|
"weights": "Stars_Galaxy_Flux.safetensors", |
|
"trigger_word": "mlkwglx" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/brushpenbob/flux-pencil-v2/resolve/main/26193927.jpeg", |
|
"title": "Pencil V2", |
|
"repo": "brushpenbob/flux-pencil-v2", |
|
"weights": "Flux_Pencil_v2_r1.safetensors", |
|
"trigger_word": "evang style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Shakker-Labs/FLUX.1-dev-LoRA-Children-Simple-Sketch/resolve/main/images/1f20519208cef367af2fda8d91ddbba674f39b097389d12ee25b4cb1.jpg", |
|
"title": "Children Simple Sketch", |
|
"repo": "Shakker-Labs/FLUX.1-dev-LoRA-Children-Simple-Sketch", |
|
"weights": "FLUX-dev-lora-children-simple-sketch.safetensors", |
|
"trigger_word": "sketched style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/victor/contemporarink/resolve/main/images/example_hnqc22urm.png", |
|
"title": "Contemporarink", |
|
"repo": "victor/contemporarink", |
|
"weights": "inky-colors.safetensors", |
|
"trigger_word": "ECACX" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/wavymulder/OverlordStyleFLUX/resolve/main/imgs/ComfyUI_00668_.png", |
|
"title": "OverlordStyle", |
|
"repo": "wavymulder/OverlordStyleFLUX", |
|
"weights": "ovld_style_overlord_wavymulder.safetensors", |
|
"trigger_word": "ovld style anime" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/marceloxp/canny-quest/resolve/main/26676266.jpeg", |
|
"title": "Canny quest", |
|
"repo": "marceloxp/canny-quest", |
|
"weights": "Canny_Quest-000004.safetensors", |
|
"trigger_word": "blonde, silver silk dress, perfectly round sunglasses, pearl necklace" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/busetolunay/building_flux_lora_v1/resolve/main/samples/1725469125185__000001250_2.jpg", |
|
"title": "Building Flux", |
|
"repo": "busetolunay/building_flux_lora_v1", |
|
"weights": "building_flux_lora_v4.safetensors", |
|
"trigger_word": "a0ce" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Omarito2412/Tinker-Bell-Flux/resolve/main/images/9e9e7eda-3ddf-467a-a7f8-6d8e3ef80cd0.png", |
|
"title": "Tinker Bell Flux", |
|
"repo": "Omarito2412/Tinker-Bell-Flux", |
|
"weights": "TinkerBellV2-FLUX.safetensors", |
|
"trigger_word": "TinkerWaifu, blue eyes, single hair bun" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Shakker-Labs/FLUX.1-dev-LoRA-playful-metropolis/resolve/main/images/3e9265312b3b726c224a955ec9254a0f95c2c8b78ce635929183a075.jpg", |
|
"title": "Playful Metropolis", |
|
"repo": "Shakker-Labs/FLUX.1-dev-LoRA-playful-metropolis", |
|
"weights": "FLUX-dev-lora-playful_metropolis.safetensors", |
|
"trigger_word": "" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Castor-Character-Polygon-LoRA/resolve/main/images/1000.webp", |
|
"title": "Character Polygon", |
|
"repo": "prithivMLmods/Castor-Character-Polygon-Flux-LoRA", |
|
"weights": "Castor-Character-Polygon-LoRA.safetensors", |
|
"trigger_word": "3D Polygon" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Castor-Gta6-Theme-Flux-LoRA/resolve/main/images/gta1.webp", |
|
"title": "GTA 6 Theme", |
|
"repo": "prithivMLmods/Castor-Gta6-Theme-Flux-LoRA", |
|
"weights": "Gta6.safetensors", |
|
"trigger_word": "GTA 6 Theme, World of GTA 6" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Castor-Concept-Gta6-Character-Design/resolve/main/images/L3.webp", |
|
"title": "GTA Character Concept", |
|
"repo": "prithivMLmods/Castor-Flux-Concept-Gta6-Character-Design", |
|
"weights": "Gta6-Concept-Charecter.safetensors", |
|
"trigger_word": "Jason, Lucia, GTA 6" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Castor-3D-Sketchfab-Flux-LoRA/resolve/main/images/S1.png", |
|
"title": "3D Sketchfab", |
|
"repo": "prithivMLmods/Castor-3D-Sketchfab-Flux-LoRA", |
|
"weights": "Castor-3D-Sketchfab-Flux-LoRA.safetensors", |
|
"trigger_word": "3D Sketchfab" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Castor-Collage-Dim-Flux-LoRA/resolve/main/images/C1.webp", |
|
"title": "In Image Collage", |
|
"repo": "prithivMLmods/Castor-Collage-Dim-Flux-LoRA", |
|
"weights": "Castor-Collage-Dim-Flux-LoRA.safetensors", |
|
"trigger_word": "collage" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/brushpenbob/flux-midjourney-anime/resolve/main/25439344.jpeg", |
|
"title": "Anime Journey", |
|
"repo": "brushpenbob/flux-midjourney-anime", |
|
"weights": "FLUX_MidJourney_Anime.safetensors", |
|
"trigger_word": "egmid" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif-loradex-trainer/maxxd4240_minimalistPastel/resolve/main/samples/1727255690613__000002500_0.jpg", |
|
"title": "Min Pastel", |
|
"repo": "glif-loradex-trainer/maxxd4240_minimalistPastel", |
|
"weights": "minimalistPastel.safetensors", |
|
"trigger_word": "minimalistPastel" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Castor-Red-Dead-Redemption-2-Flux-LoRA/resolve/main/images/rdr12.webp", |
|
"title": "RDR2", |
|
"repo": "prithivMLmods/Castor-Red-Dead-Redemption-2-Flux-LoRA", |
|
"weights": "Castor-Red-Dead-Redemption-2-Flux-LoRA.safetensors", |
|
"trigger_word": "Red Dead Redemption 2" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/WizWhite/wizard-s-paper-model-universe/resolve/main/35746354.jpeg", |
|
"title": "Paper Model", |
|
"repo": "WizWhite/wizard-s-paper-model-universe", |
|
"weights": "Wiz-Paper_Model_Universe.safetensors", |
|
"trigger_word": "A paper model" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/renderartist/retrocomicflux/resolve/main/images/ComfyUI_temp_ipugi_00040_.png", |
|
"title": "Retrocomic Flux", |
|
"repo": "renderartist/retrocomicflux", |
|
"weights": "Retro_Comic_Flux_v1_renderartist.safetensors", |
|
"trigger_word": "comic book panel" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Castor-Happy-Halloween-Flux-LoRA/resolve/main/images/hw1.webp", |
|
"title": "Halloween Flux", |
|
"repo": "prithivMLmods/Castor-Happy-Halloween-Flux-LoRA", |
|
"weights": "Castor-Happy-Halloween-Flux-LoRA.safetensors", |
|
"trigger_word": "happy halloween" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Castor-3D-Portrait-Flux-LoRA/resolve/main/images/1.webp", |
|
"title": "Castor-3D-Portrait", |
|
"repo": "prithivMLmods/Castor-3D-Portrait-Flux-LoRA", |
|
"weights": "Castor-3D-Portrait-Flux-LoRA.safetensors", |
|
"trigger_word": "3D Portrait" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/renderartist/coloringbookflux/resolve/main/images/ComfyUI_09731_.png", |
|
"title": "Coloring book flux", |
|
"repo": "renderartist/coloringbookflux", |
|
"weights": "c0l0ringb00k_Flux_v1_renderartist.safetensors", |
|
"trigger_word": "c0l0ringb00k, coloring book, coloring book page" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Uncoloured-Polygon-Flux-LoRA/resolve/main/images/1.webp", |
|
"title": "Uncoloured Polygon", |
|
"repo": "prithivMLmods/Uncoloured-Polygon-Flux-LoRA", |
|
"weights": "Uncoloured-3D-Polygon.safetensors", |
|
"trigger_word": "uncoloured polygon" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Past-Present-Deep-Mix-Flux-LoRA/resolve/main/images/PP3.webp", |
|
"title": "Past Present Mix", |
|
"repo": "prithivMLmods/Past-Present-Deep-Mix-Flux-LoRA", |
|
"weights": "Past-Present-Deep-Mix-Flux-LoRA.safetensors", |
|
"trigger_word": "Mixing Past and Present" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/gokaygokay/Flux-Double-Exposure-LoRA/resolve/main/images/image3.jpg", |
|
"title": "Double Exposure", |
|
"repo": "gokaygokay/Flux-Double-Exposure-LoRA", |
|
"weights": "double_exposure.safetensors", |
|
"trigger_word": "dblxpsr" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/gokaygokay/Flux-Seamless-Texture-LoRA/resolve/main/images/image3.jpg", |
|
"title": "Seamless Texture", |
|
"repo": "gokaygokay/Flux-Seamless-Texture-LoRA", |
|
"weights": "seamless_texture.safetensors", |
|
"trigger_word": "smlstxtr" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Mockup-Texture-Flux-LoRA/resolve/main/images/MU1.webp", |
|
"title": "Mockup Texture", |
|
"repo": "prithivMLmods/Mockup-Texture-Flux-LoRA", |
|
"weights": "Mockup-Texture.safetensors", |
|
"trigger_word": "Mockup" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Ton618-Tarot-Cards-Flux-LoRA/resolve/main/images/c2.webp", |
|
"title": "Tarot Cards", |
|
"repo": "prithivMLmods/Ton618-Tarot-Cards-Flux-LoRA", |
|
"weights": "Tarot-card.safetensors", |
|
"trigger_word": "Tarot card" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Ton618-Amxtoon-Flux-LoRA/resolve/main/images/am1.webp", |
|
"title": "Amxtoon", |
|
"repo": "prithivMLmods/Ton618-Amxtoon-Flux-LoRA", |
|
"weights": "Amxtoon.safetensors", |
|
"trigger_word": "Amxtoon" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Ton618-Epic-Realism-Flux-LoRA/resolve/main/images/ep3.png", |
|
"title": "Epic Realism", |
|
"repo": "prithivMLmods/Ton618-Epic-Realism-Flux-LoRA", |
|
"weights": "Epic-Realism-Unpruned.safetensors", |
|
"trigger_word": "Epic Realism" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/bingbangboom/flux-mixReality/resolve/main/images/3.jpg", |
|
"title": "Mixed Reality", |
|
"repo": "bingbangboom/flux-mixReality", |
|
"weights": "HLFILSTHLFPHTO_000002500.safetensors", |
|
"trigger_word": "in the style of HLFILSTHLFPHTO" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/sWizad/pokemon-trainer-sprites-pixelart-flux/resolve/main/26578919.jpeg", |
|
"title": "Pixelart", |
|
"repo": "sWizad/pokemon-trainer-sprites-pixelart-flux", |
|
"weights": "pktrainer_F1-v1-0.safetensors", |
|
"trigger_word": "pixel image of, pixel art" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/bingbangboom/flux_colorscape/resolve/main/images/2.jpg", |
|
"title": "Colorscape", |
|
"repo": "bingbangboom/flux_colorscape", |
|
"weights": "flux_colorscape.safetensors", |
|
"trigger_word": "illustration in the style of ASstyle001" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/UmeAiRT/FLUX.1-dev-LoRA-Modern_Pixel_art/resolve/main/images/c363192f-5fa0-4539-8295-b8d9e3e96747.jpeg", |
|
"title": "Modern Pixel art", |
|
"repo": "UmeAiRT/FLUX.1-dev-LoRA-Modern_Pixel_art", |
|
"weights": "ume_modern_pixelart.safetensors", |
|
"trigger_word": "umempart" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Ton618-Only-Stickers-Flux-LoRA/resolve/main/images/222.png", |
|
"title": "Sticker", |
|
"repo": "prithivMLmods/Ton618-Only-Stickers-Flux-LoRA", |
|
"weights": "only-stickers.safetensors", |
|
"trigger_word": "Only Sticker" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Ton618-Space-Wallpaper-LoRA/resolve/main/images/222.png", |
|
"title": "Space Wallpaper", |
|
"repo": "prithivMLmods/Ton618-Space-Wallpaper-LoRA", |
|
"weights": "space-wallpaper-xl.safetensor", |
|
"trigger_word": "Space Wallpaper" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Canopus-Pixar-3D-Flux-LoRA/resolve/main/images/11111.png", |
|
"title": "Pixar 3D", |
|
"repo": "prithivMLmods/Canopus-Pixar-3D-Flux-LoRA", |
|
"weights": "Canopus-Pixar-3D-FluxDev-LoRA.safetensors", |
|
"trigger_word": "Pixar 3D" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/EBook-Creative-Cover-Flux-LoRA/resolve/main/images/E2.png", |
|
"title": "EBook Cover", |
|
"repo": "prithivMLmods/EBook-Creative-Cover-Flux-LoRA", |
|
"weights": "EBook-Cover.safetensors", |
|
"trigger_word": "EBook Cover" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Minimal-Futuristic-Flux-LoRA/resolve/main/images/MF3.png", |
|
"title": "Minimal Futuristic", |
|
"repo": "prithivMLmods/Minimal-Futuristic-Flux-LoRA", |
|
"weights": "Minimal-Futuristic.safetensors", |
|
"trigger_word": "Minimal Futuristic" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Seamless-Pattern-Design-Flux-LoRA/resolve/main/images/SP1.png", |
|
"title": "Seamless Pattern", |
|
"repo": "prithivMLmods/Seamless-Pattern-Design-Flux-LoRA", |
|
"weights": "Seamless-Pattern-Design.safetensors", |
|
"trigger_word": "Seamless Pattern Design" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Logo-Design-Flux-LoRA/resolve/main/images/LD1.png", |
|
"title": "Logo Design", |
|
"repo": "prithivMLmods/Logo-Design-Flux-LoRA", |
|
"weights": "Logo-design.safetensors", |
|
"trigger_word": "Logo Design" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Coloring-Book-Flux-LoRA/resolve/main/images/EB1.png", |
|
"title": "Coloring Book", |
|
"repo": "prithivMLmods/Coloring-Book-Flux-LoRA", |
|
"weights": "coloring-book.safetensors", |
|
"trigger_word": "Coloring Book" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Intense-Red-Flux-LoRA/resolve/main/images/IR1.png", |
|
"title": "Intense Red", |
|
"repo": "prithivMLmods/Intense-Red-Flux-LoRA", |
|
"weights": "Intense-Red.safetensors", |
|
"trigger_word": "Intense Red" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Glowing-Body-Flux-LoRA/resolve/main/images/GB3.png", |
|
"title": "Glowing Body Flux", |
|
"repo": "prithivMLmods/Glowing-Body-Flux-LoRA", |
|
"weights": "Glowing-Body.safetensors", |
|
"trigger_word": "Glowing Body" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Electric-Blue-Flux-LoRA/resolve/main/images/EB3.png", |
|
"title": "Electric Blue", |
|
"repo": "prithivMLmods/Electric-Blue-Flux-LoRA", |
|
"weights": "Electric-Blue.safetensors", |
|
"trigger_word": "Electric Blue" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Clouds-Illusion-Flux-LoRA/resolve/main/images/CI2.png", |
|
"title": "Clouds Illusion", |
|
"repo": "prithivMLmods/Clouds-Illusion-Flux-LoRA", |
|
"weights": "Clouds-Illusion.safetensors", |
|
"trigger_word": "Clouds Illusion" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Digital-Yellow-Flux-LoRA/resolve/main/images/DY3.png", |
|
"title": "Digital Yellow", |
|
"repo": "prithivMLmods/Digital-Yellow-Flux-LoRA", |
|
"weights": "Digital-Yellow.safetensors", |
|
"trigger_word": "Digital Yellow" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/cfahlgren1/flux-qwen-capybara/resolve/main/images/example_72ao6twvk.png", |
|
"title": "Flux Qwen Capybara", |
|
"repo": "cfahlgren1/flux-qwen-capybara", |
|
"weights": "flux-qwen-capybara.safetensors", |
|
"trigger_word": "QWENCAPY" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/dasdsff/PleinAirArt/resolve/main/images/e7499ccc-7504-4086-842f-275a5428ef0e.jpg", |
|
"title": "Plein Air Art ", |
|
"repo": "dasdsff/PleinAirArt", |
|
"weights": "PleinAir_000002500.safetensors", |
|
"trigger_word": "P1e!n" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Orange-Chroma-Flux-LoRA/resolve/main/images/OC1.png", |
|
"title": "Orange Chroma", |
|
"repo": "prithivMLmods/Orange-Chroma-Flux-LoRA", |
|
"weights": "Orange-Chroma.safetensors", |
|
"trigger_word": "Orange Chroma" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Lime-Green-Flux-LoRA/resolve/main/images/LM1.png", |
|
"title": "Lime Green", |
|
"repo": "prithivMLmods/Lime-Green-Flux-LoRA", |
|
"weights": "Lime-Green.safetensors", |
|
"trigger_word": "Lime Green" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Fractured-Line-Flare/resolve/main/images/FS1.png", |
|
"title": "Line Flare", |
|
"repo": "prithivMLmods/Fractured-Line-Flare", |
|
"weights": "Fractured-Line-Flare.safetensors", |
|
"trigger_word": "Fractured Line Flare" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Golden-Dust-Flux-LoRA/resolve/main/images/GD2.png", |
|
"title": "Golden Dust", |
|
"repo": "prithivMLmods/Golden-Dust-Flux-LoRA", |
|
"weights": "Golden-Dust.safetensors", |
|
"trigger_word": "Golden Dust" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Castor-Dramatic-Neon-Flux-LoRA/resolve/main/images/DN2.webp", |
|
"title": "Dramatic Neon", |
|
"repo": "prithivMLmods/Castor-Dramatic-Neon-Flux-LoRA", |
|
"weights": "Dramatic-Neon-Flux-LoRA.safetensors", |
|
"trigger_word": "Dramatic Neon" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/tryonlabs/FLUX.1-dev-LoRA-Outfit-Generator/resolve/main/images/sample7.jpeg", |
|
"title": "Outfit Generator", |
|
"repo": "tryonlabs/FLUX.1-dev-LoRA-Outfit-Generator", |
|
"weights": "outfit-generator.safetensors", |
|
"trigger_word": "Outfit" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/davisbro/half_illustration/resolve/main/images/example1.webp", |
|
"title": "Half Illustration", |
|
"repo": "davisbro/half_illustration", |
|
"weights": "flux_train_replicate.safetensors", |
|
"trigger_word": "in the style of TOK" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/bingbangboom/flux_oilscape/resolve/main/extras/3.jpg", |
|
"title": "Oilscape", |
|
"repo": "bingbangboom/flux_oilscape", |
|
"weights": "flux_Oilstyle.safetensors", |
|
"trigger_word": "in the style of Oilstyle002" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Red-Undersea-Flux-LoRA/resolve/main/images/RU1.png", |
|
"title": "Red Undersea Flux", |
|
"repo": "prithivMLmods/Red-Undersea-Flux-LoRA", |
|
"weights": "Red-Undersea.safetensors", |
|
"trigger_word": "Red Undersea" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/3D-Render-Flux-LoRA/resolve/main/images/3D2.png", |
|
"title": "3D Render Flux LoRA", |
|
"repo": "prithivMLmods/3D-Render-Flux-LoRA", |
|
"weights": "3D_Portrait.safetensors", |
|
"trigger_word": "3D Portrait, 3d render" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Yellow-Pop-Flux-Dev-LoRA/resolve/main/images/YP1.png", |
|
"title": "Yellow Pop Flux", |
|
"repo": "prithivMLmods/Yellow-Pop-Flux-Dev-LoRA", |
|
"weights": "Yellow_Pop.safetensors", |
|
"trigger_word": "Yellow Pop" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Purple-Grid-Flux-LoRA/resolve/main/images/PG2.png", |
|
"title": "Purple Grid Flux", |
|
"repo": "prithivMLmods/Purple-Grid-Flux-LoRA", |
|
"weights": "Purple_Grid.safetensors", |
|
"trigger_word": "Purple Grid" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Dark-Thing-Flux-LoRA/resolve/main/images/DT2.png", |
|
"title": "Dark Thing Flux", |
|
"repo": "prithivMLmods/Dark-Thing-Flux-LoRA", |
|
"weights": "Dark_Creature.safetensors", |
|
"trigger_word": "Dark Creature" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Shadow-Projection-Flux-LoRA/resolve/main/images/SP2.png", |
|
"title": "Shadow Projection", |
|
"repo": "prithivMLmods/Shadow-Projection-Flux-LoRA", |
|
"weights": "Shadow-Projection.safetensors", |
|
"trigger_word": "Shadow Projection" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Street-Bokeh-Flux-LoRA/resolve/main/images/SB2.png", |
|
"title": "Street Bokeh", |
|
"repo": "prithivMLmods/Street-Bokeh-Flux-LoRA", |
|
"weights": "Street_Bokeh.safetensors", |
|
"trigger_word": "Street Bokeh" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Abstract-Cartoon-Flux-LoRA/resolve/main/images/AC2.png", |
|
"title": "Abstract Cartoon", |
|
"repo": "prithivMLmods/Abstract-Cartoon-Flux-LoRA", |
|
"weights": "Abstract-Cartoon.safetensors", |
|
"trigger_word": "Abstract Cartoon" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Norod78/CartoonStyle-flux-lora/resolve/main/samples/1725344450635__000003800_1.jpg", |
|
"title": "Cartoon Style Flux", |
|
"repo": "Norod78/CartoonStyle-flux-lora", |
|
"weights": "CartoonStyle_flux_lora.safetensors", |
|
"trigger_word": "" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Digital-Chaos-Flux-LoRA/resolve/main/images/HDRDC3.webp", |
|
"title": "HDR Digital Chaos", |
|
"repo": "prithivMLmods/Digital-Chaos-Flux-LoRA", |
|
"weights": "HDR-Digital-Chaos.safetensors", |
|
"trigger_word": "Digital Chaos" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Yellow-Laser-Flux-LoRA/resolve/main/images/YL1.png", |
|
"title": "Yellow Laser", |
|
"repo": "prithivMLmods/Yellow-Laser-Flux-LoRA", |
|
"weights": "Yellow-Laser.safetensors", |
|
"trigger_word": "Yellow Lasers" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Bold-Shadows-Flux-LoRA/resolve/main/images/BS1.png", |
|
"title": "Bold Shadows", |
|
"repo": "prithivMLmods/Bold-Shadows-Flux-LoRA", |
|
"weights": "Bold-Shadows.safetensors", |
|
"trigger_word": "Bold Shadows" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Knitted-Character-Flux-LoRA/resolve/main/images/KC1.png", |
|
"title": "Knitted Character", |
|
"repo": "prithivMLmods/Knitted-Character-Flux-LoRA", |
|
"weights": "Knitted-Character.safetensors", |
|
"trigger_word": "Knitted Character" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/alvdansen/frosting_lane_flux/resolve/main/images/content%20-%202024-08-11T010011.238.jpeg", |
|
"title": "Frosting Lane", |
|
"repo": "alvdansen/frosting_lane_flux", |
|
"trigger_word": "frstingln illustration" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Flux-Realism-FineDetailed/resolve/main/images/FD2.png", |
|
"title": "Fine Detailed Character", |
|
"repo": "prithivMLmods/Flux-Realism-FineDetailed", |
|
"weights": "Flux-Realism-FineDetailed.safetensors", |
|
"trigger_word": "Fine Detailed" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Aura-9999/resolve/main/images/A3.png", |
|
"title": "Aura 9999+", |
|
"repo": "prithivMLmods/Aura-9999", |
|
"weights": "Aura-9999.safetensors", |
|
"trigger_word": "Aura 9999" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Pastel-BG-Flux-LoRA/resolve/main/images/PB2.png", |
|
"title": "Pastel BG", |
|
"repo": "prithivMLmods/Pastel-BG-Flux-LoRA", |
|
"weights": "Pastel-BG.safetensors", |
|
"trigger_word": "Pastel BG" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Green-Cartoon-Flux-LoRA/resolve/main/images/GC1.png", |
|
"title": "Green Cartoon", |
|
"repo": "prithivMLmods/Green-Cartoon-Flux-LoRA", |
|
"weights": "Green-Cartoon.safetensors", |
|
"trigger_word": "Green Cartoon" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Retro-Pixel-Flux-LoRA/resolve/main/images/RP1.png", |
|
"title": "Retro Pixel", |
|
"repo": "prithivMLmods/Retro-Pixel-Flux-LoRA", |
|
"weights": "Retro-Pixel.safetensors", |
|
"trigger_word": "Retro Pixel" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Teen-Outfit/resolve/main/images/TO2.png", |
|
"title": "Teen Outfit", |
|
"repo": "prithivMLmods/Teen-Outfit", |
|
"weights": "Teen-Outfit.safetensors", |
|
"trigger_word": "Teen Outfit" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/CAnime-LoRA/resolve/main/images/CA3.png", |
|
"title": "CAnime", |
|
"repo": "prithivMLmods/CAnime-LoRA", |
|
"weights": "CAnime.safetensors", |
|
"trigger_word": "CAnime" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Super-Pencil-Flux-LoRA/resolve/main/images/SP1.png", |
|
"title": "Simple Pencil", |
|
"repo": "prithivMLmods/Super-Pencil-Flux-LoRA", |
|
"weights": "Pencil.safetensors", |
|
"trigger_word": "Simple Pencil" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/martintomov/retrofuturism-flux/resolve/main/images/2e40deba-858e-454f-ae1c-d1ba2adb6a65.jpeg", |
|
"title": "Retro futurism", |
|
"repo": "martintomov/retrofuturism-flux", |
|
"weights": "retrofuturism_flux_lora_martintomov_v1.safetensors", |
|
"trigger_word": "retrofuturism" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Bootoshi/retroanime/resolve/main/images/9f21dffe-c4da-46c0-b0a6-e06257cf98d6.webp", |
|
"title": "Retro Anime", |
|
"repo": "Bootoshi/retroanime", |
|
"weights": "RetroAnimeFluxV1.safetensors", |
|
"trigger_word": "retro anime" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/alvdansen/plushy-world-flux/resolve/main/images/ComfyUI_00666_%20(1).png", |
|
"title": "Plushy world", |
|
"repo": "alvdansen/plushy-world-flux", |
|
"weights": "plushy_world_flux_araminta_k.safetensors", |
|
"trigger_word": "3dcndylnd style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/renderartist/ROYGBIVFlux/resolve/main/images/ComfyUI_temp_qpxhm_00154_.png", |
|
"title": "ROYGBIVFlux", |
|
"repo": "renderartist/ROYGBIVFlux", |
|
"weights": "ROYGBIV_Flux_v1_renderartist.safetensors", |
|
"trigger_word": "r0ygb1v, digital illustration, textured" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/alvdansen/sonny-anime-flex/resolve/main/images/GLuFasaLyEoBaAUQMREVf_20b5cf5b178a404296978e360a9ac435.png", |
|
"title": "sonny anime", |
|
"repo": "alvdansen/sonny-anime-flex", |
|
"weights": "araminta_k_sonnyanime_fluxd_flex.safetensors", |
|
"trigger_word": "nm22 [style] style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/bingbangboom/flux_whimscape/resolve/main/images/2.png", |
|
"title": "flux whimscape", |
|
"repo": "bingbangboom/flux_whimscape", |
|
"weights": "WHMSCPE001.safetensors", |
|
"trigger_word": "illustration in the style of WHMSCPE001" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif-loradex-trainer/AP123_movie_shots_ic_lora_experiment_v1/resolve/main/samples/1730923312010__000000500_1.jpg", |
|
"title": "movie shots ic lora", |
|
"repo": "glif-loradex-trainer/AP123_movie_shots_ic_lora_experiment_v1", |
|
"weights": "movie_shots_ic_lora_experiment_v1.safetensors", |
|
"trigger_word": "MOVIE-SHOTS" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif/LiDAR-Vision/resolve/main/images/f8f1995e-c583-425b-b73a-f3e873ce1005.png", |
|
"title": "LiDAR", |
|
"repo": "glif/LiDAR-Vision", |
|
"weights": "Lidar.safetensors", |
|
"trigger_word": "L1d4r" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Canopus-Flux-LoRA-Hoodies/resolve/main/images/XXX.png", |
|
"title": "Hoodies", |
|
"repo": "prithivMLmods/Canopus-Flux-LoRA-Hoodies", |
|
"weights": "Canopus-Flux-LoRA-Hoodies.safetensors", |
|
"trigger_word": "Hoodie" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/dvyio/flux-lora-rdr2/resolve/main/images/RTqPoC9s0M1wNhago27OV_dda06f47ee764202aa5e55efa923b94e.jpg", |
|
"title": "World of RDR", |
|
"repo": "dvyio/flux-lora-rdr2", |
|
"weights": "eb79a593332f40458ea36fe0782f01a4_pytorch_lora_weights.safetensors", |
|
"trigger_word": "in the style of RDRGM" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Fihade/Retro-Collage-Art-Flux-Dev/resolve/main/images/005.jpeg", |
|
"title": "Retro Collage Art", |
|
"repo": "Fihade/Retro-Collage-Art-Flux-Dev", |
|
"weights": "flux_dev_ff_collage_artstyle.safetensors", |
|
"trigger_word": "ff-collage" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Flux.1-Dev-Quote-LoRA/resolve/main/images/QQ2.png", |
|
"title": "Quote", |
|
"repo": "prithivMLmods/Flux.1-Dev-Quote-LoRA", |
|
"weights": "quoter001.safetensors", |
|
"trigger_word": "quoter" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Flux.1-Dev-Stamp-Art-LoRA/resolve/main/images/SS2.png", |
|
"title": "Stamp", |
|
"repo": "prithivMLmods/Flux.1-Dev-Stamp-Art-LoRA", |
|
"weights": "stam9.safetensors", |
|
"trigger_word": "stam9" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Flux.1-Dev-Hand-Sticky-LoRA/resolve/main/images/H3.png", |
|
"title": "Hand Sticky", |
|
"repo": "prithivMLmods/Flux.1-Dev-Hand-Sticky-LoRA", |
|
"weights": "handstick69.safetensors", |
|
"trigger_word": "handstick69" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Flux.1-Dev-Poster-HQ-LoRA/resolve/main/images/PP2.png", |
|
"title": "Poster Foss", |
|
"repo": "prithivMLmods/Flux.1-Dev-Poster-HQ-LoRA", |
|
"weights": "poster-foss.safetensors", |
|
"trigger_word": "poster foss" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Flux.1-Dev-Ctoon-LoRA/resolve/main/images/C3.png", |
|
"title": "Ctoon", |
|
"repo": "prithivMLmods/Flux.1-Dev-Ctoon-LoRA", |
|
"weights": "ctoon.safetensors", |
|
"trigger_word": "ctoon" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif-loradex-trainer/_wezz_flux_dev_4li3nfur/resolve/main/samples/1726702721424__000003000_3.jpg", |
|
"title": "4li3nfur", |
|
"repo": "glif-loradex-trainer/_wezz_flux_dev_4li3nfur", |
|
"weights": "flux_dev_4li3nfur.safetensors", |
|
"trigger_word": "4li3nfur" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Flux.1-Dev-Indo-Realism-LoRA/resolve/main/images/333.png", |
|
"title": "Indo Realism", |
|
"repo": "prithivMLmods/Flux.1-Dev-Indo-Realism-LoRA", |
|
"weights": "indo-realism.safetensors", |
|
"trigger_word": "indo-realism" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Flux.1-Dev-Sketch-Card-LoRA/resolve/main/images/SC2.png", |
|
"title": "Sketch Card", |
|
"repo": "prithivMLmods/Flux.1-Dev-Sketch-Card-LoRA", |
|
"weights": "sketchcard.safetensors", |
|
"trigger_word": "sketch card" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Flux.1-Dev-Movie-Boards-LoRA/resolve/main/images/MB1.png", |
|
"title": "Movie Board", |
|
"repo": "prithivMLmods/Flux.1-Dev-Movie-Boards-LoRA", |
|
"weights": "movieboard.safetensors", |
|
"trigger_word": "movieboard" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/prithivMLmods/Flux.1-Dev-Pov-DoorEye-LoRA/resolve/main/images/L4.png", |
|
"title": "Door Eye View", |
|
"repo": "prithivMLmods/Flux.1-Dev-Pov-DoorEye-LoRA", |
|
"weights": "look-in-2.safetensors", |
|
"trigger_word": "look in 2" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/alvdansen/enna-sketch-style/resolve/main/images/out-0%20(23).webp", |
|
"title": "Enna Sketch", |
|
"repo": "alvdansen/enna-sketch-style", |
|
"weights": "enna_sketch_style_araminta_k.safetensors", |
|
"trigger_word": "sketch illustration style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/jbilcke-hf/flux-dev-panorama-lora-2/resolve/main/samples/HDRI%20panoramic%20view%20of%20TOK%2C%20visiting%20an%20amusement%20park%20about%20harry%20potter.webp", |
|
"title": "Panorama", |
|
"repo": "jbilcke-hf/flux-dev-panorama-lora-2", |
|
"weights": "flux_train_replicate.safetensors", |
|
"trigger_word": "HDRI panoramic view of TOK" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/Shakker-Labs/FLUX.1-dev-LoRA-Micro-landscape-on-Mobile-Phone/resolve/main/images/a29b8763a8f733dea09c1ab07a42263ef6e304cb81be3f5c97fbf8f6.jpg", |
|
"title": "Micro Landscape", |
|
"repo": "Shakker-Labs/FLUX.1-dev-LoRA-Micro-landscape-on-Mobile-Phone", |
|
"weights": "FLUX-dev-lora-micro-landscape.safetensors", |
|
"trigger_word": "miniature stereoscopic scene" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif-loradex-trainer/goldenark__Ancient_Greece_Watercolor_Sketch_Style/resolve/main/samples/1727152322975__000002000_0.jpg", |
|
"title": "Ancient Greece Watercolor", |
|
"repo": "glif-loradex-trainer/goldenark__Ancient_Greece_Watercolor_Sketch_Style", |
|
"weights": "Ancient_Greece_Watercolor_Sketch_Style.safetensors", |
|
"trigger_word": "AncientWaterColorStyle" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif-loradex-trainer/i12bp8_appelsiensam_mii_v1/resolve/main/samples/1731918886531__000003000_0.jpg", |
|
"title": "M11 PPLSNSM", |
|
"repo": "glif-loradex-trainer/i12bp8_appelsiensam_mii_v1", |
|
"weights": "appelsiensam_mii_v1.safetensors", |
|
"trigger_word": "M11_PPLSNSM" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif-loradex-trainer/an303042_RisographPrint_v1/resolve/main/samples/1731852835625__000003000_5.jpg", |
|
"title": "RisographPrint", |
|
"repo": "glif-loradex-trainer/an303042_RisographPrint_v1", |
|
"weights": "RisographPrint_v1.safetensors", |
|
"trigger_word": "rsgrf , risograph" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/gokaygokay/Flux-White-Background-LoRA/resolve/main/images/example_mtojzmerf.png", |
|
"title": "White Background", |
|
"repo": "gokaygokay/Flux-White-Background-LoRA", |
|
"weights": "80cfbf52faf541d49c6abfe1ac571112_lora.safetensors", |
|
"trigger_word": "in the middle ,white background" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/glif/Gesture-Draw/resolve/main/images/cf8697fb-d6b4-4684-8a1d-82beb9d266ed.jpg", |
|
"title": "Gesture Draw", |
|
"repo": "glif/Gesture-Draw", |
|
"weights": "Gesture_Draw_v1.safetensors", |
|
"trigger_word": "gstdrw style" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/MuninStudio/FLUX.1-dev-LoRA-Hard-Flash/resolve/main/images/02.jpg", |
|
"title": "Hard Flash", |
|
"repo": "MuninStudio/FLUX.1-dev-LoRA-Hard-Flash", |
|
"weights": "HRDFLS.safetensors", |
|
"trigger_word": "HRDFLS" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/dvyio/flux-lora-the-sims/resolve/main/images/dunBAVBsALOepaE_dsWFI_6b0fef6b0fc4472aa07d00edea7c75b3.jpg", |
|
"title": "SIMS", |
|
"repo": "dvyio/flux-lora-the-sims", |
|
"weights": "011ed14848b3408c8d70d3ecfa14f122_lora.safetensors", |
|
"trigger_word": "video game screenshot in the style of THSMS" |
|
}, |
|
|
|
{ |
|
"image": "https://huggingface.co/UmeAiRT/FLUX.1-dev-LoRA-Ume_Sky/resolve/main/images/flux_00171_.png", |
|
"title": "Umesky", |
|
"repo": "UmeAiRT/FLUX.1-dev-LoRA-Ume_Sky", |
|
"weights": "ume_sky_v2.safetensors", |
|
"trigger_word": "umesky" |
|
} |
|
|
|
] |
|
|
|
|
|
|
|
dtype = torch.bfloat16 |
|
device = "cuda" if torch.cuda.is_available() else "cpu" |
|
base_model = "black-forest-labs/FLUX.1-dev" |
|
|
|
|
|
taef1 = AutoencoderTiny.from_pretrained("madebyollin/taef1", torch_dtype=dtype).to(device) |
|
good_vae = AutoencoderKL.from_pretrained(base_model, subfolder="vae", torch_dtype=dtype).to(device) |
|
pipe = DiffusionPipeline.from_pretrained(base_model, torch_dtype=dtype, vae=taef1).to(device) |
|
pipe_i2i = AutoPipelineForImage2Image.from_pretrained(base_model, |
|
vae=good_vae, |
|
transformer=pipe.transformer, |
|
text_encoder=pipe.text_encoder, |
|
tokenizer=pipe.tokenizer, |
|
text_encoder_2=pipe.text_encoder_2, |
|
tokenizer_2=pipe.tokenizer_2, |
|
torch_dtype=dtype |
|
) |
|
|
|
MAX_SEED = 2**32-1 |
|
|
|
pipe.flux_pipe_call_that_returns_an_iterable_of_images = flux_pipe_call_that_returns_an_iterable_of_images.__get__(pipe) |
|
|
|
class calculateDuration: |
|
def __init__(self, activity_name=""): |
|
self.activity_name = activity_name |
|
|
|
def __enter__(self): |
|
self.start_time = time.time() |
|
return self |
|
|
|
def __exit__(self, exc_type, exc_value, traceback): |
|
self.end_time = time.time() |
|
self.elapsed_time = self.end_time - self.start_time |
|
if self.activity_name: |
|
print(f"Elapsed time for {self.activity_name}: {self.elapsed_time:.6f} seconds") |
|
else: |
|
print(f"Elapsed time: {self.elapsed_time:.6f} seconds") |
|
|
|
def update_selection(evt: gr.SelectData, width, height): |
|
selected_lora = loras[evt.index] |
|
new_placeholder = f"Type a prompt for {selected_lora['title']}" |
|
lora_repo = selected_lora["repo"] |
|
updated_text = f"### Selected: [{lora_repo}](https://huggingface.co/{lora_repo}) ✅" |
|
if "aspect" in selected_lora: |
|
if selected_lora["aspect"] == "portrait": |
|
width = 768 |
|
height = 1024 |
|
elif selected_lora["aspect"] == "landscape": |
|
width = 1024 |
|
height = 768 |
|
else: |
|
width = 1024 |
|
height = 1024 |
|
return ( |
|
updated_text, |
|
evt.index, |
|
width, |
|
height, |
|
) |
|
|
|
@spaces.GPU(duration=100) |
|
def generate_image(prompt_mash, steps, seed, cfg_scale, width, height, lora_scale, progress): |
|
pipe.to("cuda") |
|
generator = torch.Generator(device="cuda").manual_seed(seed) |
|
with calculateDuration("Generating image"): |
|
|
|
for img in pipe.flux_pipe_call_that_returns_an_iterable_of_images( |
|
prompt=prompt_mash, |
|
num_inference_steps=steps, |
|
guidance_scale=cfg_scale, |
|
width=width, |
|
height=height, |
|
generator=generator, |
|
joint_attention_kwargs={"scale": lora_scale}, |
|
output_type="pil", |
|
good_vae=good_vae, |
|
): |
|
yield img |
|
|
|
def generate_image_to_image(prompt_mash, image_input_path, image_strength, steps, cfg_scale, width, height, lora_scale, seed): |
|
generator = torch.Generator(device="cuda").manual_seed(seed) |
|
pipe_i2i.to("cuda") |
|
image_input = load_image(image_input_path) |
|
final_image = pipe_i2i( |
|
prompt=prompt_mash, |
|
image=image_input, |
|
strength=image_strength, |
|
num_inference_steps=steps, |
|
guidance_scale=cfg_scale, |
|
width=width, |
|
height=height, |
|
generator=generator, |
|
joint_attention_kwargs={"scale": lora_scale}, |
|
output_type="pil", |
|
).images[0] |
|
return final_image |
|
|
|
@spaces.GPU(duration=100) |
|
def run_lora(image_input, image_strength, cfg_scale, steps, selected_index, randomize_seed, seed, width, height, lora_scale, prompt = "", progress=gr.Progress(track_tqdm=True)): |
|
if selected_index is None: |
|
raise gr.Error("You must select a LoRA before proceeding.🧨") |
|
selected_lora = loras[selected_index] |
|
lora_path = selected_lora["repo"] |
|
trigger_word = selected_lora["trigger_word"] |
|
if(trigger_word): |
|
if "trigger_position" in selected_lora: |
|
if selected_lora["trigger_position"] == "prepend": |
|
prompt_mash = f"{trigger_word} {prompt}" |
|
else: |
|
prompt_mash = f"{prompt} {trigger_word}" |
|
else: |
|
prompt_mash = f"{trigger_word} {prompt}" |
|
else: |
|
prompt_mash = prompt |
|
|
|
with calculateDuration("Unloading LoRA"): |
|
pipe.unload_lora_weights() |
|
pipe_i2i.unload_lora_weights() |
|
|
|
|
|
with calculateDuration(f"Loading LoRA weights for {selected_lora['title']}"): |
|
pipe_to_use = pipe_i2i if image_input is not None else pipe |
|
weight_name = selected_lora.get("weights", None) |
|
|
|
pipe_to_use.load_lora_weights( |
|
lora_path, |
|
weight_name=weight_name, |
|
low_cpu_mem_usage=True |
|
) |
|
|
|
with calculateDuration("Randomizing seed"): |
|
if randomize_seed: |
|
seed = random.randint(0, MAX_SEED) |
|
|
|
if(image_input is not None): |
|
|
|
final_image = generate_image_to_image(prompt_mash, image_input, image_strength, steps, cfg_scale, width, height, lora_scale, seed) |
|
yield final_image, seed, gr.update(visible=False) |
|
else: |
|
image_generator = generate_image(prompt_mash, steps, seed, cfg_scale, width, height, lora_scale, progress) |
|
|
|
final_image = None |
|
step_counter = 0 |
|
for image in image_generator: |
|
step_counter+=1 |
|
final_image = image |
|
progress_bar = f'<div class="progress-container"><div class="progress-bar" style="--current: {step_counter}; --total: {steps};"></div></div>' |
|
yield image, seed, gr.update(value=progress_bar, visible=True) |
|
|
|
yield final_image, seed, gr.update(value=progress_bar, visible=False) |
|
|
|
def get_huggingface_safetensors(link): |
|
split_link = link.split("/") |
|
if(len(split_link) == 2): |
|
model_card = ModelCard.load(link) |
|
base_model = model_card.data.get("base_model") |
|
print(base_model) |
|
|
|
|
|
if((base_model != "black-forest-labs/FLUX.1-dev") and (base_model != "black-forest-labs/FLUX.1-schnell")): |
|
raise Exception("Flux LoRA Not Found!") |
|
|
|
|
|
|
|
|
|
|
|
image_path = model_card.data.get("widget", [{}])[0].get("output", {}).get("url", None) |
|
trigger_word = model_card.data.get("instance_prompt", "") |
|
image_url = f"https://huggingface.co/{link}/resolve/main/{image_path}" if image_path else None |
|
fs = HfFileSystem() |
|
try: |
|
list_of_files = fs.ls(link, detail=False) |
|
for file in list_of_files: |
|
if(file.endswith(".safetensors")): |
|
safetensors_name = file.split("/")[-1] |
|
if (not image_url and file.lower().endswith((".jpg", ".jpeg", ".png", ".webp"))): |
|
image_elements = file.split("/") |
|
image_url = f"https://huggingface.co/{link}/resolve/main/{image_elements[-1]}" |
|
except Exception as e: |
|
print(e) |
|
gr.Warning(f"You didn't include a link neither a valid Hugging Face repository with a *.safetensors LoRA") |
|
raise Exception(f"You didn't include a link neither a valid Hugging Face repository with a *.safetensors LoRA") |
|
return split_link[1], link, safetensors_name, trigger_word, image_url |
|
|
|
def check_custom_model(link): |
|
if(link.startswith("https://")): |
|
if(link.startswith("https://huggingface.co") or link.startswith("https://www.huggingface.co")): |
|
link_split = link.split("huggingface.co/") |
|
return get_huggingface_safetensors(link_split[1]) |
|
else: |
|
return get_huggingface_safetensors(link) |
|
|
|
def add_custom_lora(custom_lora): |
|
global loras |
|
if(custom_lora): |
|
try: |
|
title, repo, path, trigger_word, image = check_custom_model(custom_lora) |
|
print(f"Loaded custom LoRA: {repo}") |
|
card = f''' |
|
<div class="custom_lora_card"> |
|
<span>Loaded custom LoRA:</span> |
|
<div class="card_internal"> |
|
<img src="{image}" /> |
|
<div> |
|
<h3>{title}</h3> |
|
<small>{"Using: <code><b>"+trigger_word+"</code></b> as the trigger word" if trigger_word else "No trigger word found. If there's a trigger word, include it in your prompt"}<br></small> |
|
</div> |
|
</div> |
|
</div> |
|
''' |
|
existing_item_index = next((index for (index, item) in enumerate(loras) if item['repo'] == repo), None) |
|
if(not existing_item_index): |
|
new_item = { |
|
"image": image, |
|
"title": title, |
|
"repo": repo, |
|
"weights": path, |
|
"trigger_word": trigger_word |
|
} |
|
print(new_item) |
|
existing_item_index = len(loras) |
|
loras.append(new_item) |
|
|
|
return gr.update(visible=True, value=card), gr.update(visible=True), gr.Gallery(selected_index=None), f"Custom: {path}", existing_item_index, trigger_word |
|
except Exception as e: |
|
gr.Warning(f"Invalid LoRA: either you entered an invalid link, or a non-FLUX LoRA") |
|
return gr.update(visible=True, value=f"Invalid LoRA: either you entered an invalid link, a non-FLUX LoRA"), gr.update(visible=False), gr.update(), "", None, "" |
|
else: |
|
return gr.update(visible=False), gr.update(visible=False), gr.update(), "", None, "" |
|
|
|
def remove_custom_lora(): |
|
return gr.update(visible=False), gr.update(visible=False), gr.update(), "", None, "" |
|
|
|
run_lora.zerogpu = True |
|
|
|
with gr.Blocks(theme="prithivMLmods/Minecraft-Theme") as app: |
|
title = gr.HTML( |
|
"""<h1>Arcane🥳</h1>""", |
|
elem_id="title", |
|
) |
|
selected_index = gr.State(None) |
|
with gr.Row(): |
|
with gr.Column(scale=3): |
|
generate_button = gr.Button("Generate", variant="primary", elem_id="gen_btn") |
|
|
|
with gr.Row(): |
|
with gr.Column(): |
|
selected_info = gr.Markdown("") |
|
input_image = gr.Image(label="Input image", type="filepath") |
|
|
|
gallery = gr.Gallery( |
|
[(item["image"], item["title"]) for item in loras], |
|
label="LoRA DLC's", |
|
allow_preview=False, |
|
columns=3, |
|
elem_id="gallery", |
|
show_share_button=False |
|
) |
|
|
|
with gr.Column(): |
|
progress_bar = gr.Markdown(elem_id="progress",visible=False) |
|
result = gr.Image(label="Generated Image") |
|
|
|
with gr.Row(): |
|
with gr.Accordion("Advanced Settings", open=False): |
|
with gr.Row(): |
|
image_strength = gr.Slider(label="Denoise Strength", info="Lower means more image influence", minimum=0.1, maximum=1.0, step=0.01, value=0.75) |
|
with gr.Column(): |
|
with gr.Row(): |
|
cfg_scale = gr.Slider(label="CFG Scale", minimum=1, maximum=20, step=0.5, value=3.5) |
|
steps = gr.Slider(label="Steps", minimum=1, maximum=50, step=1, value=28) |
|
|
|
with gr.Row(): |
|
width = gr.Slider(label="Width", minimum=256, maximum=1536, step=64, value=1024) |
|
height = gr.Slider(label="Height", minimum=256, maximum=1536, step=64, value=1024) |
|
|
|
with gr.Row(): |
|
randomize_seed = gr.Checkbox(True, label="Randomize seed") |
|
seed = gr.Slider(label="Seed", minimum=0, maximum=MAX_SEED, step=1, value=0, randomize=True) |
|
lora_scale = gr.Slider(label="LoRA Scale", minimum=0, maximum=3, step=0.01, value=0.95) |
|
|
|
gallery.select( |
|
update_selection, |
|
inputs=[width, height], |
|
outputs=[selected_info, selected_index, width, height] |
|
) |
|
gr.on( |
|
triggers=[generate_button.click], |
|
fn=run_lora, |
|
inputs=[input_image, image_strength, cfg_scale, steps, selected_index, randomize_seed, seed, width, height, lora_scale], |
|
outputs=[result, seed, progress_bar] |
|
) |
|
|
|
app.queue() |
|
app.launch() |