Qwen-Image
Collection
14 items
•
Updated
•
1



This is a model for Qwen-Image in Portrait generation, trained on Qwen/Qwen-Image, and it is mainly applicable to generating pictures of various Asuka characters from Japanese anime.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('valiantcat/Qwen-Image-Shentianyongmei-LoRA/qwen_image_eva.safetensors', adapter_name="lora")
prompt = '''mrx, The image depicts a young female character with long, reddish-brown hair tied in twin tails, wearing a traditional Japanese yukata. She is seated indoors, likely on a tatami mat, enjoying a slice of watermelon. The setting suggests a tranquil environment, possibly a ryokan or a home with Japanese architectural elements such as sliding doors and paper windows. The presence of a lantern indicates it might be late afternoon or early evening. In the background, through the open door, one can see a serene outdoor scene with greenery and a clear sky, which adds to the overall peaceful ambiance of the scene. This image could evoke feelings of relaxation and leisure, often associated with summer holidays in Japan. '''
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")
mrx
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