license: other
license_name: stabilityai-ai-community
license_link: LICENSE.md
language:
- en
base_model:
- stabilityai/stable-diffusion-3.5-medium
pipeline_tag: text-to-image
TensorArt 稳定扩散3.5中型涡轮版 (SD3.5M Turbo)
"过往皆为序章,
心中所念终将回响。"
— TensorArt
项目概述
TensorArt稳定扩散3.5中型涡轮版(SD3.5M Turbo)是基于StabilityAI的stable-diffusion-3.5-medium精炼而成的高性能文生图模型。该模型强调稳定性和高效性,适用于多种艺术风格和创意表达场景。
模型特性
- 🚀 涡轮加速:更快的生成速度,适合多任务处理和高需求场景
- 🎨 风格全能:支持从写实到抽象艺术的广泛风格
- 🖼️ 高清输出:生成图像具有卓越的清晰度和精细细节
- ⚙️ 易于扩展:集成LoRA技术,便于用户自定义和实验
使用指南
-
下载模型
从以下链接下载最新版本的模型ckpt
或LoRA
文件:
-
环境配置
确保您的环境满足以下要求:
- Python 3.8+
- PyTorch 2.0+
- 必要库如
diffusers
-
加载模型
按照仓库提供的详细说明加载使用模型。您也可以通过我们提供的工作流在ComfyUI中使用:4步不间断 comfyui检查点,comfyui_lora。
联系我们
- 官网: https://tensor.art https://tusiart.com
- 开发团队: TensorArt
生成示例
使用检查点文件:
import torch
from diffusers import StableDiffusion3Pipeline
pipe = StableDiffusion3Pipeline.from_pretrained("tensorart/stable-diffusion-3.5-medium-turbo", torch_dtype=torch.float16,)
pipe = pipe.to("cuda")
image = pipe(
"一位美丽的秃顶女孩佩戴银白色未来主义金属面饰,全身由复杂雕刻的液态玻璃构成,风格融合赛博朋克大师Tadashi的复杂美学与James Jean、Peter Mohrbacher的艺术特色。该概念设计正在Artstation流行,具有锐利焦点、影棚级画质和高度精细的细节表现。",
num_inference_steps=8,
guidance_scale=1.5,
height=1024,
width=768
).images[0]
image.save("./test4-2.webp")
使用LoRA:
import torch
from diffusers import StableDiffusion3Pipeline
import numpy as np
from safetensors.torch import load_file
from huggingface_hub import hf_hub_download
repo = "tensorart/stable-diffusion-3.5-medium-turbo"
ckpt = "lora_sd3.5m_turbo_8steps.safetensors"
pipe = StableDiffusion3Pipeline.from_pretrained("stabilityai/stable-diffusion-3.5-medium", torch_dtype=torch.float16,)
pipe = pipe.to("cuda")
pipe.load_lora_weights(hf_hub_download(repo, ckpt))
pipe.fuse_lora()
pipe = pipe.to("cuda")
image = pipe(
"一位美丽的秃顶女孩佩戴银白色未来主义金属面饰,全身由复杂雕刻的液态玻璃构成,风格融合赛博朋克大师Tadashi的复杂美学与James Jean、Peter Mohrbacher的艺术特色。该概念设计正在Artstation流行,具有锐利焦点、影棚级画质和高度精细的细节表现。",
num_inference_steps=8,
guidance_scale=1.5,
height=1024,
width=768
).images[0]
image.save("./test1.webp")