YAML Metadata Warning: empty or missing yaml metadata in repo card (https://huggingface.co/docs/hub/model-cards#model-card-metadata)

Cat_Boy_AMu_o_ShenheStyle_Flex2_Lora

Installtion

pip install -U diffusers transformers torch sentencepiece peft controlnet-aux moviepy protobuf

Demo

#import os
#os.environ['HF_ENDPOINT'] = 'https://hf-mirror.com'

#### git clone https://huggingface.co/ostris/Flex.2-preview

import torch
from diffusers import AutoPipelineForText2Image
from diffusers.utils import load_image

#name_or_path = "ostris/Flex.2-preview"
name_or_path = "Flex.2-preview"
dtype = torch.bfloat16

pipe = AutoPipelineForText2Image.from_pretrained(
    name_or_path,
    custom_pipeline=name_or_path,
    torch_dtype=dtype
)
pipe.load_lora_weights("my_first_flex2_lora_v1_000002500.safetensors")
pipe.enable_sequential_cpu_offload()

import numpy as np
from PIL import Image
image = pipe(
    prompt="tj_sthenhe, A cat boy answer calls with headphones",
    inpaint_image=Image.fromarray(np.zeros((1024, 1024, 3)).astype(np.uint8)),
    inpaint_mask=Image.fromarray(np.ones((1024, 1024, 3), dtype=np.uint8) * 255),
    control_image=Image.fromarray(np.zeros((1024, 1024, 3)).astype(np.uint8)),
    control_strength=0.5,
    control_stop=0.33,
    height=1024,
    width=1024,
    guidance_scale=3.5,
    num_inference_steps=50,
    generator=torch.Generator("cpu").manual_seed(42)
).images[0]
image.save("calls_with_headphones.png")

image/png

import numpy as np
from PIL import Image
image = pipe(
    prompt="tj_sthenhe, A cat boy answer calls with headphones",
    inpaint_image=Image.fromarray(np.zeros((1024, 1024, 3)).astype(np.uint8)),
    inpaint_mask=Image.fromarray(np.ones((1024, 1024, 3), dtype=np.uint8) * 255),
    control_image=Image.open("calls_with_head_depth.png").convert("RGB"),
    control_strength=0.5,
    control_stop=0.33,
    height=1024,
    width=1024,
    guidance_scale=3.5,
    num_inference_steps=50,
    generator=torch.Generator("cpu").manual_seed(42)
).images[0]
image.save("calls_with_headphones.png")
  • Depth Image

image/png

  • Output Image

image/png

Amao's Streaming Channel

Channel Description

Amao_o is a lively streamer from a beautiful city known as a "sea of flowers". Presenting as an adorable (but secretly mischievous) kitten/puppy hybrid persona, they host engaging live streams.

Streaming Details

• Primary Content: Gaming/Mixed Topics/Therapeutic Chat • Schedule: • Main Stream: 8:00 PM - 4:00 AM (local time) • Community Chat: 7:00 PM - 1:00 AM in group 985085334

Community

Join our cozy community hub in QQ group: 985085334 ("Our Little Cottage")

image/webp

Downloads last month
3
Inference Providers NEW
This model isn't deployed by any Inference Provider. 🙋 Ask for provider support