🚀 PosterCraft: 統一フレームワークにおける高品質な美学的ポスター生成の再考
PosterCraftは、高精度なテキストレンダリング、抽象芸術の自然な統合、魅力的なレイアウト、およびスタイルの調和に優れた、高品質な美学的ポスター生成のための統一フレームワークです。
[](https://arxiv.org/abs/2506.10741)
[](https://github.com/ephemeral182/PosterCraft)
[](https://huggingface.co/PosterCraft)
[](https://ephemeral182.github.io/PosterCraft/)
[](https://ephemeral182.github.io/PosterCraft/)
🚀 クイックスタート
📦 インストール
git clone https://github.com/ephemeral182/PosterCraft.git
cd PosterCraft
conda create -n postercraft python=3.11
conda activate postercraft
pip install -r requirements.txt
💻 使用例
基本的な使用法
import torch
from diffusers import FluxPipeline, FluxTransformer2DModel
pipeline_id = "black-forest-labs/FLUX.1-dev"
postercraft_transformer_id = "PosterCraft/PosterCraft-v1_RL"
device = "cuda"
dtype = torch.bfloat16
pipe = FluxPipeline.from_pretrained(pipeline_id, torch_dtype=dtype)
pipe.transformer = FluxTransformer2DModel.from_pretrained(
postercraft_transformer_id,
torch_dtype=dtype
)
pipe.to(device)
高度な使用法
最良の結果を得るために、また、インテリジェントなプロンプト書き換え機能を活用するために、提供されているinference.py
スクリプトの使用をおすすめします。このスクリプトは、あなたの創造的なアイデアを自動的に強化し、最適な結果を得ることができます。
BF16
精度で高品質な美学的ポスターを生成するには、GitHubリポジトリを参照してください。
python inference.py \
--prompt "Urban Canvas Street Art Expo poster with bold graffiti-style lettering and dynamic colorful splashes" \
--enable_recap \
--num_inference_steps 28 \
--guidance_scale 3.5 \
--seed 42 \
--pipeline_path "black-forest-labs/FLUX.1-dev" \
--custom_transformer_path "PosterCraft/PosterCraft-v1_RL" \
--qwen_model_path "Qwen/Qwen3-8B"
メモリが制限されたGPUで実行している場合は、inference_offload.py
を使用して一部のコンポーネントをCPUにオフロードすることができます。
python inference_offload.py \
--prompt "Urban Canvas Street Art Expo poster with bold graffiti-style lettering and dynamic colorful splashes" \
--enable_recap \
--num_inference_steps 28 \
--guidance_scale 3.5 \
--seed 42 \
--pipeline_path "black-forest-labs/FLUX.1-dev" \
--custom_transformer_path "PosterCraft/PosterCraft-v1_RL" \
--qwen_model_path "Qwen/Qwen3-8B"
Gradio Web UI
PosterCraftのGradio Web UIを提供しています。詳細はGitHubリポジトリを参照してください。
python demo_gradio.py
📚 詳細ドキュメント
定量的な結果
| Method | テキストリコール率 % | テキストF値 % | テキスト精度 % |
| ---- | ---- | ---- | ---- |
| OpenCOLE (Open) | 0.082 | 0.076 | 0.061 |
| Playground-v2.5 (Open) | 0.157 | 0.146 | 0.132 |
| SD3.5 (Open) | 0.565 | 0.542 | 0.497 |
| Flux1.dev (Open) | 0.723 | 0.707 | 0.667 |
| Ideogram-v2 (Close) | 0.711 | 0.685 | 0.680 |
| BAGEL (Open) | 0.543 | 0.536 | 0.463 |
| Gemini2.0-Flash-Gen (Close) | 0.798 | 0.786 | 0.746 |
| **PosterCraft (ours)** | **0.787** | **0.774** | **0.735** |
📄 ライセンス
このプロジェクトは flux-1-dev-non-commercial-license
ライセンスの下で公開されています。詳細は LICENSE.md を参照してください。
📚 引用
PosterCraftがあなたの研究に役立つ場合、以下の論文を引用してください。
@article{chen2025postercraft,
title={PosterCraft: Rethinking High-Quality Aesthetic Poster Generation in a Unified Framework},
author={Chen, Sixiang and Lai, Jianyu and Gao, Jialin and Ye, Tian and Chen, Haoyu and Shi, Hengyu and Shao, Shitong and Lin, Yunlong and Fei, Song and Xing, Zhaohu and Jin, Yeying and Luo, Junfeng and Wei, Xiaoming and Zhu, Lei},
journal={arXiv preprint arXiv:2506.10741},
year={2025}
}