refiners/tests
Cédric Deltheil f4e9707297 sdxl test: refreshed reference image
The former one was generated using SDXL 0.9 vs 1.0. The new one has been
generated with diffusers:

    import torch
    from diffusers import StableDiffusionXLPipeline, DDIMScheduler

    noise_scheduler = DDIMScheduler(
        num_train_timesteps=1000,
        beta_start=0.00085,
        beta_end=0.012,
        beta_schedule="scaled_linear",
        clip_sample=False,
        set_alpha_to_one=False,
        steps_offset=1,
    )

    base_model_path = "/path/to/stabilityai/stable-diffusion-xl-base-1.0"

    device = "cuda"
    prompt = "a cute cat, detailed high-quality professional image"
    negative_prompt = "lowres, bad anatomy, bad hands, cropped, worst quality"
    seed = 2

    pipe = StableDiffusionXLPipeline.from_pretrained(base_model_path, scheduler=noise_scheduler, torch_dtype=torch.float16, add_watermarker=False)
    pipe = pipe.to(device)
    generator = torch.Generator(device).manual_seed(seed)
    images = pipe(prompt=prompt, negative_prompt=negative_prompt, num_inference_steps=30, generator=generator).images
2023-09-12 10:59:26 +02:00
..
adapters clarify the "adapting when a LoRA is injected" issue in tests 2023-09-06 11:49:55 +02:00
e2e sdxl test: refreshed reference image 2023-09-12 10:59:26 +02:00
fluxion do not hardcode a CUDA device in tests 2023-09-06 19:33:48 +02:00
foundationals test_sdxl_double_encoder: use proper weights 2023-09-11 21:49:24 +02:00
__init__.py initial commit 2023-08-04 15:28:41 +02:00
conftest.py add black to CI 2023-08-30 14:50:03 +02:00
utils.py initial commit 2023-08-04 15:28:41 +02:00