NSFW-Uncensored
Uncensored Image Generation Model
Model Description
This model is a playground that minimizes censorship restrictions, allowing exploration of the technical possibilities of AI-based image generation. Through various prompts, you can test censorship boundaries and verify the actual performance of image generation AI.
Example code
import torch
from diffusers import AutoPipelineForText2Image
# PEFT 라이브러리 필요 (LoRA 로딩용)
from peft import PeftModel, PeftConfig
# 기기 설정
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
# 기본 모델 로드
print("기본 FLUX 모델 로드 중...")
pipe = AutoPipelineForText2Image.from_pretrained(
"black-forest-labs/FLUX.1-dev",
torch_dtype=torch.float16 # bfloat16 대신 float16 사용
)
pipe.to(device)
# Uncensored LoRA 로드
print("Uncensored LoRA 로드 중...")
pipe.load_lora_weights(
'Heartsync/Flux-NSFW-uncensored',
weight_name='lora.safetensors',
adapter_name="uncensored"
)
# 이미지 생성
prompt = "A woman in a sheer white dress standing on a beach at sunset, backlit so her silhouette is visible through the thin fabric, shot with Canon EOS R5, 85mm f/1.2 lens, golden hour natural lighting, professional composition, hyperrealistic detail, masterpiece quality, 8K resolution."
negative_prompt = "text, watermark, signature, cartoon, anime, illustration, painting, drawing, low quality, blurry"
# 시드 설정
seed = 42
generator = torch.Generator(device=device).manual_seed(seed)
# 이미지 생성
image = pipe(
prompt=prompt,
negative_prompt=negative_prompt,
guidance_scale=7.0,
num_inference_steps=28,
width=1024,
height=1024,
generator=generator,
).images[0]
# 이미지 저장
image.save("generated_image.png")
Inference Providers
NEW
This model isn't deployed by any Inference Provider.
🙋
9
Ask for provider support
Model tree for Heartsync/Flux-NSFW-uncensored
Base model
black-forest-labs/FLUX.1-dev