🚀 Picasso Diffusion 1.1 模型卡
Picasso Diffusion 1.1 是一款专门为AI艺术打造的图像生成AI,经过约7000 GPU小时精心开发,能依据提示生成适配的图像。

标题:欢迎来到科学事实世界。
英文版本请见 此处。
🚀 快速开始
若您想轻松体验,可使用 此空间。您也能从 safetensors格式 或 ckpt格式 下载模型。
✨ 主要特性
Picasso Diffusion是一款特化于AI艺术的图像生成AI,基于约7000 GPU小时开发,算法采用 Latent Diffusion Model 与 OpenCLIP-ViT/H,可根据提示生成适配图像。
📦 安装指南
Web UI方式
如同Stable Diffusion v2的使用方法,您需将ckpt格式或safetensor格式的模型文件以及yaml格式的配置文件放入模型文件夹。详细安装方法请参考 此文章。建议您安装xformers并开启 --xformers --disable-nan-check
选项;若未安装,可开启 --no-half
选项。
Diffusers方式
首先,执行以下脚本安装库:
pip install --upgrade git+https://github.com/huggingface/diffusers.git transformers accelerate scipy
接着,运行以下脚本生成图像:
from diffusers import StableDiffusionPipeline, EulerAncestralDiscreteScheduler
import torch
model_id = "alfredplpl/picasso-diffusion-1-1"
scheduler = EulerAncestralDiscreteScheduler.from_pretrained(model_id, subfolder="scheduler")
pipe = StableDiffusionPipeline.from_pretrained(model_id, scheduler=scheduler, torch_dtype=torch.float16)
pipe = pipe.to("cuda")
prompt = "anime, masterpiece, a portrait of a girl, good pupil, 4k, detailed"
negative_prompt="deformed, blurry, bad anatomy, bad pupil, disfigured, poorly drawn face, mutation, mutated, extra limb, ugly, poorly drawn hands, bad hands, fused fingers, messy drawing, broken legs censor, low quality, mutated hands and fingers, long body, mutation, poorly drawn, bad eyes, ui, error, missing fingers, fused fingers, one hand with more than 5 fingers, one hand with less than 5 fingers, one hand with more than 5 digit, one hand with less than 5 digit, extra digit, fewer digits, fused digit, missing digit, bad digit, liquid digit, long body, uncoordinated body, unnatural body, lowres, jpeg artifacts, 3d, cg, text, japanese kanji"
images = pipe(prompt,negative_prompt=negative_prompt, num_inference_steps=20).images
images[0].save("girl.png")
注意:
- 使用 xformers 可提升速度。
- 若您使用GPU且显存较少,可使用
pipe.enable_attention_slicing()
。
💻 使用示例
基础用法
使用Diffusers库生成图像的基础示例如下:
from diffusers import StableDiffusionPipeline, EulerAncestralDiscreteScheduler
import torch
model_id = "alfredplpl/picasso-diffusion-1-1"
scheduler = EulerAncestralDiscreteScheduler.from_pretrained(model_id, subfolder="scheduler")
pipe = StableDiffusionPipeline.from_pretrained(model_id, scheduler=scheduler, torch_dtype=torch.float16)
pipe = pipe.to("cuda")
prompt = "anime, masterpiece, a portrait of a girl, good pupil, 4k, detailed"
negative_prompt="deformed, blurry, bad anatomy, bad pupil, disfigured, poorly drawn face, mutation, mutated, extra limb, ugly, poorly drawn hands, bad hands, fused fingers, messy drawing, broken legs censor, low quality, mutated hands and fingers, long body, mutation, poorly drawn, bad eyes, ui, error, missing fingers, fused fingers, one hand with more than 5 fingers, one hand with less than 5 fingers, one hand with more than 5 digit, one hand with less than 5 digit, extra digit, fewer digits, fused digit, missing digit, bad digit, liquid digit, long body, uncoordinated body, unnatural body, lowres, jpeg artifacts, 3d, cg, text, japanese kanji"
images = pipe(prompt,negative_prompt=negative_prompt, num_inference_steps=20).images
images[0].save("girl.png")
高级用法
暂无高级用法示例。
📚 详细文档
模型详情
属性 |
详情 |
模型类型 |
基于扩散模型的文本到图像生成模型 |
语言 |
日语 |
许可证 |
CreativeML Open RAIL++-M-NC License |
模型说明 |
此模型可根据提示生成适配图像,算法采用 Latent Diffusion Model 与 OpenCLIP-ViT/H |
参考文献 |
@InProceedings{Rombach_2022_CVPR, author = {Rombach, Robin and Blattmann, Andreas and Lorenz, Dominik and Esser, Patrick and Ommer, Bj"orn}, title = {High-Resolution Image Synthesis With Latent Diffusion Models}, booktitle = {Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR)}, month = {June}, year = {2022}, pages = {10684-10695} } |
想定用途
- 自我表达:借助此AI展现您的独特风格。
- 图像生成AI相关报道:无论是公共广播还是营利企业均可使用。
- 研究开发:
- 在Discord上使用模型,如进行提示工程、微调(包括追加学习,如DreamBooth)、与其他模型合并。
- 使用FID等评估模型性能。
- 使用校验和或哈希函数检查模型是否独立于Stable Diffusion以外的模型。
- 教育:适用于美术大学生、专科学校学生的毕业作品,大学生的毕业论文或课题作业,以及教师传授图像生成AI现状。
- Hugging Face社区用途:请使用日语或英语提问。
非想定用途
- 以事实形式表达事物。
- 用于已盈利的YouTube等内容。
- 直接作为商业服务提供。
- 给教师带来困扰的行为。
- 其他对创作界有不良影响的行为。
禁止使用或恶意使用情况
- 请勿公开数字赝品 (Digital Forgery),尤其是现有角色(可能违反著作权法)。
- 请勿未经授权对他人作品进行Image-to-Image操作(可能违反著作权法)。
- 请勿传播淫秽物品(可能违反刑法175条)。
- 请勿将无事实依据的内容当作事实讲述(可能适用威力业务妨害罪),如虚假新闻。
模型的局限和偏差
- 模型局限:扩散模型和大规模语言模型仍有许多未知部分,其局限尚未明确。
- 偏差:扩散模型和大规模语言模型仍有许多未知部分,偏差尚未明确。
学习情况
- 学习数据:采用符合国内法的数据和模型,排除Danbooru等未经授权的转载网站。
- 学习过程:
评估结果
正在寻求第三方评估。
环境影响
- 硬件类型:A100 80GB、V100
- 使用时间(单位:小时):7000
- 学习地点:日本
📄 许可证
本模型的许可证是在原许可证CreativeML Open RAIL++-M License基础上,除例外情况外,增加了禁止商业使用的条款。增加此条款是出于对可能对创作界产生不良影响的担忧。营利企业的人员请与法务部门人员协商。个人出于兴趣使用时,遵循一般常识即可。
本模型在日本创建,因此适用日本法律。本模型的学习基于著作权法第30条之4主张合法。同时,关于本模型的分发,主张既不构成正犯也不构成帮助犯。详情请参考柿沼律师的 见解。但请务必按照各种法令处理本模型的生成结果。