🚀 Factorio
Factorio是一个可生成抽象艺术图像的模型,其风格源自精心可视化的Factorio蓝图。它能根据不同的提示词生成多样化的图像,为艺术创作带来新的可能。
🚀 快速开始
你可以通过以下链接查看更多示例:更多示例。
✨ 主要特性
- 能够创建具有Factorio蓝图风格的抽象艺术图像。
- 可通过特定的触发词来生成图像。
📦 安装指南
此模型的权重以Safetensors格式提供,你可以在Files & versions标签中下载。
💻 使用示例
基础用法
import torch
from diffusers import DiffusionPipeline, AutoencoderKL
device = "cuda" if torch.cuda.is_available() else "cpu"
vae = AutoencoderKL.from_pretrained('madebyollin/sdxl-vae-fp16-fix', torch_dtype=torch.float16)
pipe = DiffusionPipeline.from_pretrained(
"stabilityai/stable-diffusion-xl-base-1.0",
vae=vae, torch_dtype=torch.float16, variant="fp16",
use_safetensors=True
)
pipe.to(device)
specific_safetensors = "pytorch_lora_weights.safetensors"
lora_scale = 0.9
pipe.load_lora_weights(
'piebro/factorio-blueprint-visualizations-sdxl-lora',
weight_name = specific_safetensors,
)
prompt = "pastel drawing of factorio"
image = pipe(
prompt=prompt,
num_inference_steps=50,
cross_attention_kwargs={"scale": lora_scale}
).images[0]
高级用法
你可以根据不同的提示词生成不同风格的图像,以下是一些示例:
线条风格
Patent drawing of factorio
graphite sketch of factorio
factorio, detailed architectural blueprint style
factorio, intricate pen and ink line art
factorio in a detailed scientific illustration style
factorio, concept sketch
factorio, scientific illustration
Technical schematic of factorio in the style of a detailed patent drawing
factorio depicted in a detailed architectural blueprint style, with precise measurements and labels
factorio in a minimalist, line art drawing
特殊风格
charcoal drawing of factorio
factorio in watercolor style
factorio, ball-point pen art
factorio visualized in a moody chiaroscuro ink drawing
factorio in a neon-lit digital cyberpunk art style
factorio, Art Deco-style geometric pattern design
factorio in a futuristic, sci-fi digital art concept
factorio, pixel art
factorio, pixel art, 8-bit colors
factorio, retro 1980s style digital pixel art
factorio by Rothko
factorio by Klimt
factorio by Ai Weiwei
常规风格
factorio
a texture of factorio
Pastel drawing of factorio
Pastel drawing of factorio, symetry
factorio, symetry
factorio, fractals
factorio, pattern
factorio, geometric pattern design
factorio, design
factorio, acrylic paint
factorio, Comic Book
factorio rendered in a photorealistic digital art style
factorio, vintage
factorio by Goya
📚 详细文档
模型描述
该模型可创建具有Factorio蓝图艺术风格的抽象艺术图像。此LoRA是使用这个数据集进行训练的。
触发词
你应使用factorio
来触发图像生成。
模型复制
以下是训练此LoRA所使用的命令,使用的是这个文件:
accelerate launch train_dreambooth_lora_sdxl.py --pretrained_model_name_or_path=stabilityai/stable-diffusion-xl-base-1.0 --pretrained_vae_model_name_or_path=madebyollin/sdxl-vae-fp16-fix --instance_data_dir=factorio_lora_images --instance_prompt='factorio' --output_dir=factorio_lora --seed=0 --resolution=1024 --train_batch_size=2 --max_train_steps=500 --checkpointing_steps=100 --gradient_accumulation_steps=2 --gradient_checkpointing --learning_rate=1e-4 --lr_scheduler=constant --lr_warmup_steps=0 --use_8bit_adam --mixed_precision=fp16
图像放大
来自https://huggingface.co/spaces/bookbot/Image-Upscaling-Playground的modelx2图像放大器在放大图像方面效果很好,作者曾使用它来放大一些图像以便打印。
📄 许可证
本模型使用的许可证为CC0-1.0。
📦 模型信息
属性 |
详情 |
基础模型 |
stabilityai/stable-diffusion-xl-base-1.0 |
实例提示词 |
factorio |
许可证 |
cc0-1.0 |
数据集 |
piebro/factorio-blueprint-visualizations |