Qwen-Image
Collection
10 items
•
Updated



This is a model for Qwen-Image in Portrait generation, trained on Qwen/Qwen-Image, and It is mainly used for generating images of nsfw.For use in through the following code and ComfyUI,The workflow files are in the folder of this project.
This LoRA works with a modified version of Comfy's Qwen-Image workflow. The main modification is adding a Qwen-Image LoRA node connected to the base model.
See the Downloads section above for the modified workflow.
from diffusers import DiffusionPipeline
import torch
model_name = "Qwen/Qwen-Image"
# Load the pipeline
if torch.cuda.is_available():
torch_dtype = torch.bfloat16
device = "cuda"
else:
torch_dtype = torch.float32
device = "cpu"
pipe = DiffusionPipeline.from_pretrained(model_name, torch_dtype=torch_dtype)
pipe = pipe.to(device)
# Load LoRA weights
pipe.load_lora_weights('starsfriday/Qwen-Image-NSFW/qwen_image_nsfw.safetensors', adapter_name="lora")
prompt = '''rsq, The image depicts a young woman sitting on the ground with her legs spread apart, in what appears to be an outdoor setting. She has long brown hair and is smiling at the camera. The background shows greenery, suggesting she might be in a park or garden. Her pose and expression convey confidence and comfort. '''
negative_prompt = " "
image = pipe(
prompt=prompt,
negative_prompt=negative_prompt,
width=1024,
height=1024,
num_inference_steps=50,
true_cfg_scale=5,
generator=torch.Generator(device="cuda").manual_seed(123456)
)
image = image.images[0]
image.save("output.png")
rsq
Weights for this model are available in Safetensors format.
This model was trained by the AI Laboratory of Chongqing Valiant Cat Technology Co., LTD(https://vvicat.com/).Business cooperation is welcome
Base model
Qwen/Qwen-Image