🚀 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 |