▶︎動画でも話してるので、文章読むのが面倒な方はこちらをみてもらえればと思います。
今回はDiffUsersを使ってAI美女の画像を一括で大量生成する方法について解説します。
data:image/s3,"s3://crabby-images/2bc71/2bc716f01fa2946f3ebbe492451cbd0004b1d5ec" alt="たぬきち"
これを読めば誰でも簡単にクオリティーの高いAI美女が作れるようになっているので興味がある人は、下のバナーをクリックして購入してみてね🎶
DiffUsersを使ってAI美女の画像を一括で大量生成する方法について
DiffUsersのソースコードは公開されています。
data:image/s3,"s3://crabby-images/2ba58/2ba588052dcc658fd00ee259b1337ef0bb73cdbe" alt=""
ソースコードが公開されているページへのリンクは、以下に貼っておきますのでそちらをご確認ください。
この動画では、このソースコードを動作させるためにGoogle colabを利用します。
Google colabは、クラウド上でプログラミングを実行することができるGoogleが提供しているツールです。
data:image/s3,"s3://crabby-images/b62c5/b62c58eb0872f72d81e5c38e64e91eb23ae14eb1" alt=""
無料で使用することができ、自分のパソコンのスペックに依存せず高速な処理を行うことができるのが大きな利点です。
Googleアカウントを持っていれば、誰でもGoogle colabを使用することができます。
Google colabのサイトにアクセスしたら、このような画面が表示されると思います。
data:image/s3,"s3://crabby-images/c4fca/c4fca83b7167c8e2e1fa08d1adac84011855e059" alt=""
表示されているポップアップ画面の右下にある「ノートブックを新規作成」と書かれているテキストをクリックします。
data:image/s3,"s3://crabby-images/631ad/631ad828b8d7f5da4ec6dc3ba4e8bdc22f1f4ae2" alt=""
次に、「ランタイム」のボタンをクリックし、「ランタイムのタイプを変更」をクリックします。
data:image/s3,"s3://crabby-images/88487/884870667a327270614afbf4772c7e0495bcc787" alt=""
ランタイムのタイプはPython3のままで大丈夫です。
data:image/s3,"s3://crabby-images/1e1f7/1e1f77de89eddf105e010d7deea9b684505ef7df" alt=""
ハードウェアアクセラレーターはT4GPUを選択しておきましょう。
data:image/s3,"s3://crabby-images/e1166/e11669c60fe9cb1657373637b0160acd84e2d547" alt=""
ノートブックの設定を指定したら、右下の「保存」ボタンをクリックします。
data:image/s3,"s3://crabby-images/3a243/3a24385782cf7e194ae5992b322376435e0a5c4c" alt=""
これでGoogle colabでユーザーのソースコードを実行するための準備が整いました。
先ほどGoogle colabは無料で利用できると説明しましたが、無料版だとリソースの割り当てが保証されていません。
そのため、強制的にコードを終了されてしまうことがあります。
最近はGoogle colabを利用するユーザーが増えていますので、無料版に割り当てられるGoogle colabのリソースが減ってしまっています。
data:image/s3,"s3://crabby-images/e0ce2/e0ce2c40a5f56c6822e882bacdf055e81455a8c9" alt=""
その結果、無料版では以前より実行中のコードが強制終了されてしまうことが多くなってきました。
具体的には、コードの実行が強制的に終了された場合は、このような画面になります。
data:image/s3,"s3://crabby-images/8492f/8492fb13ea8c490ab64c2a531e342121dd6e16f2" alt=""
再生ボタンの部分が赤くなっている、もしくは赤いびっくりマークのアイコンが表示されている場合、コードが強制的に中断されたと判断していいでしょう。
data:image/s3,"s3://crabby-images/2fcf1/2fcf198fba9ae0670b43ff473826a317085f1e7b" alt=""
強制的に中断されてしまう状況が続くようであれば、有料プランへの切り替えをおすすめします。
有料プランへの切り替え方法については詳細を解説している動画を以下のリンクに貼っておきますので、そちらをご確認ください。
なお、ここからは有料版に切り替えた状態で解説を進めます。
Google Colabを有料版に切り替えた状態で解説
それでは早速、DiffUsersを実行していきましょう。
以下に貼ってあるテキストをコピーします。
!pip install -q transformers==4.31.0 accelerate==0.21.0 diffusers==0.20.0 huggingface_hub==0.16.4 omegaconf==2.3.0
# Beautiful Realistic Asians V7をダウンロードして、diffusersで使える形式に変換する
!wget https://civitai.com/api/download/models/177164 --content-disposition
!wget https://raw.githubusercontent.com/huggingface/diffusers/v0.20.0/scripts/convert_original_stable_diffusion_to_diffusers.py
!python convert_original_stable_diffusion_to_diffusers.py \
--checkpoint_path /content/beautifulRealistic_v7.safetensors \
--dump_path /content/beautifulRealistic_v7/ \
--from_safetensors
!rm -rf beautifulRealistic_v7.safetensors
!rm -rf convert_original_stable_diffusion_to_diffusers.py
!rm -rf sample_data
テキストをコピーしたらGoogle colabの画面に戻ります。
data:image/s3,"s3://crabby-images/50df0/50df010c2e782fe38436d3d517fcff508f4c2d42" alt=""
そして、テキストボックスに先ほどコピーしたテキストを貼り付けます。
data:image/s3,"s3://crabby-images/f753d/f753dace82132358803e0c8ebc1dd49d614cb66a" alt=""
テキストを貼り付けたら、左上にある再生ボタンを押します。
data:image/s3,"s3://crabby-images/ff015/ff0157acde2370d4bf7f841b2db962ec9a0342bc" alt=""
これでコマンドが実行されます。
コマンドの実行には数分程度かかります。
しばらく待っていると、コマンドの実行が完了します。
コマンドが完了したら、再生ボタンの左側に緑色のチェックマークが表示されます。
data:image/s3,"s3://crabby-images/a2f03/a2f038d00c1f045db082a82299c201feec3a6373" alt=""
インストールコマンドが完了したら、次に設定ファイルをアップロードします。
設定ファイルは以下のリンク先のページに掲載しておきます。
設定ファイルというタイトルの下にあるファイルをダウンロードします。
data:image/s3,"s3://crabby-images/10359/10359458d034333a0167fa8cb65b5a573c251634" alt=""
ダウンロードするファイルの内容は、このようになっています。
data:image/s3,"s3://crabby-images/49513/49513d7cae50930f8910759344a37570d0b34e76" alt=""
これらのファイルをダウンロードしたら、Google colabにアップロードします。
Google colabの画面に切り替えます。
data:image/s3,"s3://crabby-images/64695/64695202bfb430ecb27c9a899f0c0bfcc78feb28" alt=""
ファイルをアップロードするにはまず、左側にあるフォルダーのマークをクリックします。
data:image/s3,"s3://crabby-images/04cb2/04cb2ee50791d8a4e0ac237feaff29e2b4751f24" alt=""
そうするとファイルとフォルダーの一覧が表示されます。
data:image/s3,"s3://crabby-images/6c16f/6c16f1ecf1057bb4249718d19ad06d7c4ee1358d" alt=""
この部分に先ほどダウンロードして回答したファイルをドラッグアンドドロップします。
data:image/s3,"s3://crabby-images/af0eb/af0ebeae49798bb93fc8fe9769b296b494ca8d9e" alt=""
そうすると、このような確認メッセージが表示されるので、「OK」ボタンをクリックします。
data:image/s3,"s3://crabby-images/f681a/f681a7cd7a92e0e270be2560d276892ecd2ce192" alt=""
これで設定ファイルがGoogle colabにアップロードされます。
ファイルをアップロードしたら、この一覧表示を閉じておきましょう。
data:image/s3,"s3://crabby-images/b29dd/b29dd452a3720cd77ceb8d0bf3a90f04a997212c" alt=""
次に実行コードを設定します。
以下に貼ってあるテキストをコピーします。
# 標準ライブラリ
import sys
import os
import shutil
import time
import json
import zipfile
# サードパーティのライブラリ
import torch
import numpy as np
import matplotlib.pyplot as plt
from PIL import Image
# Google Colab 関連
from google.colab import files as colab_files
# Hugging Face Transformers & Diffusers
import diffusers
import transformers
# デバイスとデータタイプの設定
def get_device_and_dtype():
"""GPUが利用可能か確認し、適切なデバイスとデータタイプを返します。"""
if torch.cuda.is_available():
return torch.device("cuda"), torch.float16
else:
return torch.device("cpu"), torch.float32
# パイプラインの設定
def setup_pipeline(model_path, clip_skip, torch_dtype):
"""モデルとテキストエンコーダを読み込み、Diffusionパイプラインをセットアップします。"""
if clip_skip > 1:
text_encoder = transformers.CLIPTextModel.from_pretrained(
"runwayml/stable-diffusion-v1-5",
subfolder="text_encoder",
num_hidden_layers=12 - (clip_skip - 1),
torch_dtype=torch_dtype
)
pipe = diffusers.DiffusionPipeline.from_pretrained(
model_path,
torch_dtype=torch_dtype,
safety_checker=None,
text_encoder=text_encoder,
)
else:
pipe = diffusers.DiffusionPipeline.from_pretrained(
model_path,
torch_dtype=torch_dtype,
safety_checker=None
)
return pipe
# プロンプト埋め込みの取得
def get_embeddings(pipe, prompt, negative_prompt, split_character = ",", device_name = torch.device("cpu")):
"""プロンプトの埋め込みを取得します。"""
max_length = pipe.tokenizer.model_max_length
# Simple method of checking if the prompt is longer than the negative
# prompt - split the input strings using `split_character`.
count_prompt = len(prompt.split(split_character))
count_negative_prompt = len(negative_prompt.split(split_character))
# If prompt is longer than negative prompt.
if count_prompt >= count_negative_prompt:
input_ids = pipe.tokenizer(
prompt, return_tensors = "pt", truncation = False
).input_ids.to(device_name)
shape_max_length = input_ids.shape[-1]
negative_ids = pipe.tokenizer(
negative_prompt,
truncation = False,
padding = "max_length",
max_length = shape_max_length,
return_tensors = "pt"
).input_ids.to(device_name)
# If negative prompt is longer than prompt.
else:
negative_ids = pipe.tokenizer(
negative_prompt, return_tensors = "pt", truncation = False
).input_ids.to(device_name)
shape_max_length = negative_ids.shape[-1]
input_ids = pipe.tokenizer(
prompt,
return_tensors = "pt",
truncation = False,
padding = "max_length",
max_length = shape_max_length
).input_ids.to(device_name)
# Concatenate the individual prompt embeddings.
concat_embeds = []
neg_embeds = []
for i in range(0, shape_max_length, max_length):
concat_embeds.append(
pipe.text_encoder(input_ids[:, i: i + max_length])[0]
)
neg_embeds.append(
pipe.text_encoder(negative_ids[:, i: i + max_length])[0]
)
return torch.cat(concat_embeds, dim = 1), torch.cat(neg_embeds, dim = 1)
# 画像の生成と保存
def generate_and_save_images(pipe, prompt_embeds, negative_prompt_embeds, seeds, use_prompt_embeddings, guidance_scale, num_inference_steps, width, height, device_name):
"""画像を生成して保存します。"""
images = []
for count, seed in enumerate(seeds):
start_time = time.time()
if use_prompt_embeddings is False:
new_img = pipe(
prompt=prompt_embeds,
negative_prompt=negative_prompt_embeds,
width=width,
height=height,
guidance_scale=guidance_scale,
num_inference_steps=num_inference_steps,
num_images_per_prompt=1,
generator=torch.manual_seed(seed),
).images
else:
new_img = pipe(
prompt_embeds=prompt_embeds,
negative_prompt_embeds=negative_prompt_embeds,
width=width,
height=height,
guidance_scale=guidance_scale,
num_inference_steps=num_inference_steps,
num_images_per_prompt=1,
generator=torch.manual_seed(seed),
).images
images = images + new_img
os.makedirs("images", exist_ok=True)
for i, img in enumerate(images):
img.save(f"images/image_{i}.png")
# ZIPファイルの作成とダウンロード
def create_and_download_zip():
"""画像をZIPファイルに固めてダウンロードします。"""
with zipfile.ZipFile("images.zip", "w") as zipf:
for root, _, files in os.walk("images"):
for file in files:
zipf.write(os.path.join(root, file), os.path.relpath(os.path.join(root, file), os.path.join("images", '..')))
colab_files.download("images.zip")
shutil.rmtree("images")
# メイン関数
def main():
"""メイン関数を実行します。"""
with open('config.json', 'r') as f:
config = json.load(f)
# 設定ファイルを読み込み
prompt = config["prompt"].strip()
negative_prompt = config["negative_prompt"].strip()
clip_skip = config["clip_skip"]
model_path = config["model_path"]
use_prompt_embeddings = config["use_prompt_embeddings"]
start_idx = config["start_idx"]
batch_size = config["batch_size"]
seeds = [i for i in range(start_idx, start_idx + batch_size, 1)]
num_inference_steps = config["num_inference_steps"]
guidance_scale = config["guidance_scale"]
width = config["width"]
height = config["height"]
device_name, torch_dtype = get_device_and_dtype()
pipe = setup_pipeline(model_path, clip_skip, torch_dtype)
pipe = pipe.to(device_name)
pipe.scheduler = diffusers.EulerAncestralDiscreteScheduler.from_config(pipe.scheduler.config)
prompt_embeds, negative_prompt_embeds = get_embeddings(pipe, prompt, negative_prompt, ",", device_name)
generate_and_save_images(pipe, prompt_embeds, negative_prompt_embeds, seeds, use_prompt_embeddings, guidance_scale, num_inference_steps, width, height, device_name)
create_and_download_zip()
テキストをコピーしたら、Google colabの画面に戻ります。
Google colabの画面に戻ったら、「コード」と書かれているテキストをクリックします。
data:image/s3,"s3://crabby-images/f31e2/f31e27e393e5b68166d5d1b644161cfaff688266" alt=""
そうすると新しいテキストボックスが追加されます。
data:image/s3,"s3://crabby-images/ea04c/ea04c233b45f931a14248c4baee0bfb0bce9416e" alt=""
テキストボックスが追加されたら、先ほどコピーしたテキストを貼り付けます。
data:image/s3,"s3://crabby-images/a751d/a751d14fe5513e3e13fbf8eadfbd7819238f0dbf" alt=""
そして、再生ボタンをクリックします。
data:image/s3,"s3://crabby-images/5713b/5713b32ca44c912b53a164be5200dd2f16cbee5c" alt=""
これでDiffUsersを実行するための事前準備が完了しました。
それでは早速、DiffUsersの処理を実行してみましょう。
「コード」と書かれているテキストをクリックして新しいテキストボックスを追加します。
data:image/s3,"s3://crabby-images/3affe/3affe8d9bc374ff6323eee366fa830291a9624c0" alt=""
そして追加されたテキストボックスに「main()」と入力します。
data:image/s3,"s3://crabby-images/c5f12/c5f12ef7334f729992764d358455a87d16da5d40" alt=""
最後に再生ボタンをクリックして実行します。
data:image/s3,"s3://crabby-images/8db14/8db14ac0e16cc28c0b6f322aee72a448202566f3" alt=""
これで設定ファイルで指定した件数分の画像の生成が開始されます。
処理が完了するまでには数分程度かかります。
data:image/s3,"s3://crabby-images/55e11/55e11b73035a512bb16c8ac4553dd87ecc83250c" alt=""
処理が完了したら、自動的に生成した画像ファイルを1つのZIPファイルにまとめてダウンロードされるように設定されています。
ダウンロードしたZIPファイルを回答すると、このように生成されたファイルを確認できます。
data:image/s3,"s3://crabby-images/b2dd6/b2dd694d3f5bf419d813bc7f3026ab206dd5a7a6" alt=""
これらのファイルを開いて、画像の内容を確認してみましょう。
data:image/s3,"s3://crabby-images/a864f/a864f0c858e1a54478218b171ede67fddef0b571" alt=""
data:image/s3,"s3://crabby-images/1a0c3/1a0c3501585f7a9c71bfc401c6ce6714fbd16934" alt=""
data:image/s3,"s3://crabby-images/1a2d5/1a2d5bab6cbbf750ada27d6c35dde2705656c522" alt=""
data:image/s3,"s3://crabby-images/24397/243979955e13b102ca45f1666f5527ecccb6b833" alt=""
data:image/s3,"s3://crabby-images/8eed1/8eed1d52ff2e6002d39f825f347580b6e0b0eb05" alt=""
data:image/s3,"s3://crabby-images/21bbf/21bbff072f1fcfd5f9499b60ff59058e674a17df" alt=""
data:image/s3,"s3://crabby-images/240bc/240bcff5937277f4f3d6f8600017b40d8862b5ed" alt=""
data:image/s3,"s3://crabby-images/c3666/c3666d3291123ba6a05759108f1b0a91d7879e6a" alt=""
data:image/s3,"s3://crabby-images/8fa55/8fa55ecd001d82e072a3afedaff4b54cb4cc56d5" alt=""
このようにAI美女の画像を一括で生成することができました。
是非お試しください。