From 8104bea59c3def774d6bfffe3b533a4e6bd9f28f Mon Sep 17 00:00:00 2001 From: Stuti R <71293255+kingstut@users.noreply.github.com> Date: Sat, 22 Oct 2022 10:36:44 -0500 Subject: [PATCH 1/8] Create bit_diffusion.py Bit diffusion based on the paper, arXiv:2208.04202, Chen2022AnalogBG --- examples/community/bit_diffusion.py | 260 ++++++++++++++++++++++++++++ 1 file changed, 260 insertions(+) create mode 100644 examples/community/bit_diffusion.py diff --git a/examples/community/bit_diffusion.py b/examples/community/bit_diffusion.py new file mode 100644 index 000000000000..0dd79e8e6ed2 --- /dev/null +++ b/examples/community/bit_diffusion.py @@ -0,0 +1,260 @@ +from typing import Optional, Tuple, Union + +import torch +from torch import nn +from diffusers import DiffusionPipeline, DDIMScheduler, DDPMScheduler, UNet2DConditionModel +from diffusers.pipeline_utils import ImagePipelineOutput + +from einops import rearrange, reduce + +from diffusers.schedulers.scheduling_ddim import DDIMSchedulerOutput +from diffusers.schedulers.scheduling_ddpm import DDPMSchedulerOutput + +BITS = 8 + +# convert to bit representations and back taken from https://github.com/lucidrains/bit-diffusion/blob/main/bit_diffusion/bit_diffusion.py +def decimal_to_bits(x, bits = BITS): + """ expects image tensor ranging from 0 to 1, outputs bit tensor ranging from -1 to 1 """ + device = x.device + + x = (x * 255).int().clamp(0, 255) + + mask = 2 ** torch.arange(bits - 1, -1, -1, device = device) + mask = rearrange(mask, 'd -> d 1 1') + x = rearrange(x, 'b c h w -> b c 1 h w') + + bits = ((x & mask) != 0).float() + bits = rearrange(bits, 'b c d h w -> b (c d) h w') + bits = bits * 2 - 1 + return bits + +def bits_to_decimal(x, bits = BITS): + """ expects bits from -1 to 1, outputs image tensor from 0 to 1 """ + device = x.device + + x = (x > 0).int() + mask = 2 ** torch.arange(bits - 1, -1, -1, device = device, dtype = torch.int32) + + mask = rearrange(mask, 'd -> d 1 1') + x = rearrange(x, 'b (c d) h w -> b c d h w', d = 8) + dec = reduce(x * mask, 'b c d h w -> b c h w', 'sum') + return (dec / 255).clamp(0., 1.) + +#modified scheduler step functions for clamping the predicted x_0 between -bit_scale and +bit_scale +def ddim_bit_scheduler_step( + self, + model_output: torch.FloatTensor, + timestep: int, + sample: torch.FloatTensor, + eta: float = 0.0, + use_clipped_model_output: bool = True, + generator=None, + return_dict: bool = True, +) -> Union[DDIMSchedulerOutput, Tuple]: + """ + Predict the sample at the previous timestep by reversing the SDE. Core function to propagate the diffusion + process from the learned model outputs (most often the predicted noise). + Args: + model_output (`torch.FloatTensor`): direct output from learned diffusion model. + timestep (`int`): current discrete timestep in the diffusion chain. + sample (`torch.FloatTensor`): + current instance of sample being created by diffusion process. + eta (`float`): weight of noise for added noise in diffusion step. + use_clipped_model_output (`bool`): TODO + generator: random number generator. + return_dict (`bool`): option for returning tuple rather than DDIMSchedulerOutput class + Returns: + [`~schedulers.scheduling_utils.DDIMSchedulerOutput`] or `tuple`: + [`~schedulers.scheduling_utils.DDIMSchedulerOutput`] if `return_dict` is True, otherwise a `tuple`. When + returning a tuple, the first element is the sample tensor. + """ + if self.num_inference_steps is None: + raise ValueError( + "Number of inference steps is 'None', you need to run 'set_timesteps' after creating the scheduler" + ) + + # See formulas (12) and (16) of DDIM paper https://arxiv.org/pdf/2010.02502.pdf + # Ideally, read DDIM paper in-detail understanding + + # Notation ( -> + # - pred_noise_t -> e_theta(x_t, t) + # - pred_original_sample -> f_theta(x_t, t) or x_0 + # - std_dev_t -> sigma_t + # - eta -> η + # - pred_sample_direction -> "direction pointing to x_t" + # - pred_prev_sample -> "x_t-1" + + # 1. get previous step value (=t-1) + prev_timestep = timestep - self.config.num_train_timesteps // self.num_inference_steps + + # 2. compute alphas, betas + alpha_prod_t = self.alphas_cumprod[timestep] + alpha_prod_t_prev = self.alphas_cumprod[prev_timestep] if prev_timestep >= 0 else self.final_alpha_cumprod + + beta_prod_t = 1 - alpha_prod_t + + # 3. compute predicted original sample from predicted noise also called + # "predicted x_0" of formula (12) from https://arxiv.org/pdf/2010.02502.pdf + pred_original_sample = (sample - beta_prod_t ** (0.5) * model_output) / alpha_prod_t ** (0.5) + + # 4. Clip "predicted x_0" + scale = self.bit_scale + if self.config.clip_sample: + pred_original_sample = torch.clamp(pred_original_sample, -scale, scale) + + # 5. compute variance: "sigma_t(η)" -> see formula (16) + # σ_t = sqrt((1 − α_t−1)/(1 − α_t)) * sqrt(1 − α_t/α_t−1) + variance = self._get_variance(timestep, prev_timestep) + std_dev_t = eta * variance ** (0.5) + + if use_clipped_model_output: + # the model_output is always re-derived from the clipped x_0 in Glide + model_output = (sample - alpha_prod_t ** (0.5) * pred_original_sample) / beta_prod_t ** (0.5) + + # 6. compute "direction pointing to x_t" of formula (12) from https://arxiv.org/pdf/2010.02502.pdf + pred_sample_direction = (1 - alpha_prod_t_prev - std_dev_t**2) ** (0.5) * model_output + + # 7. compute x_t without "random noise" of formula (12) from https://arxiv.org/pdf/2010.02502.pdf + prev_sample = alpha_prod_t_prev ** (0.5) * pred_original_sample + pred_sample_direction + + if eta > 0: + # randn_like does not support generator https://github.com/pytorch/pytorch/issues/27072 + device = model_output.device if torch.is_tensor(model_output) else "cpu" + noise = torch.randn(model_output.shape, dtype=model_output.dtype, generator=generator).to(device) + variance = self._get_variance(timestep, prev_timestep) ** (0.5) * eta * noise + + prev_sample = prev_sample + variance + + if not return_dict: + return (prev_sample,) + + return DDIMSchedulerOutput(prev_sample=prev_sample, pred_original_sample=pred_original_sample) + +def ddpm_bit_scheduler_step( + self, + model_output: torch.FloatTensor, + timestep: int, + sample: torch.FloatTensor, + predict_epsilon=True, + generator=None, + return_dict: bool = True, +) -> Union[DDPMSchedulerOutput, Tuple]: + """ + Predict the sample at the previous timestep by reversing the SDE. Core function to propagate the diffusion + process from the learned model outputs (most often the predicted noise). + Args: + model_output (`torch.FloatTensor`): direct output from learned diffusion model. + timestep (`int`): current discrete timestep in the diffusion chain. + sample (`torch.FloatTensor`): + current instance of sample being created by diffusion process. + predict_epsilon (`bool`): + optional flag to use when model predicts the samples directly instead of the noise, epsilon. + generator: random number generator. + return_dict (`bool`): option for returning tuple rather than DDPMSchedulerOutput class + Returns: + [`~schedulers.scheduling_utils.DDPMSchedulerOutput`] or `tuple`: + [`~schedulers.scheduling_utils.DDPMSchedulerOutput`] if `return_dict` is True, otherwise a `tuple`. When + returning a tuple, the first element is the sample tensor. + """ + t = timestep + + if model_output.shape[1] == sample.shape[1] * 2 and self.variance_type in ["learned", "learned_range"]: + model_output, predicted_variance = torch.split(model_output, sample.shape[1], dim=1) + else: + predicted_variance = None + + # 1. compute alphas, betas + alpha_prod_t = self.alphas_cumprod[t] + alpha_prod_t_prev = self.alphas_cumprod[t - 1] if t > 0 else self.one + beta_prod_t = 1 - alpha_prod_t + beta_prod_t_prev = 1 - alpha_prod_t_prev + + # 2. compute predicted original sample from predicted noise also called + # "predicted x_0" of formula (15) from https://arxiv.org/pdf/2006.11239.pdf + if predict_epsilon: + pred_original_sample = (sample - beta_prod_t ** (0.5) * model_output) / alpha_prod_t ** (0.5) + else: + pred_original_sample = model_output + + # 3. Clip "predicted x_0" + scale = self.bit_scale + if self.config.clip_sample: + pred_original_sample = torch.clamp(pred_original_sample, -scale, scale) + + # 4. Compute coefficients for pred_original_sample x_0 and current sample x_t + # See formula (7) from https://arxiv.org/pdf/2006.11239.pdf + pred_original_sample_coeff = (alpha_prod_t_prev ** (0.5) * self.betas[t]) / beta_prod_t + current_sample_coeff = self.alphas[t] ** (0.5) * beta_prod_t_prev / beta_prod_t + + # 5. Compute predicted previous sample µ_t + # See formula (7) from https://arxiv.org/pdf/2006.11239.pdf + pred_prev_sample = pred_original_sample_coeff * pred_original_sample + current_sample_coeff * sample + + # 6. Add noise + variance = 0 + if t > 0: + noise = torch.randn( + model_output.size(), dtype=model_output.dtype, layout=model_output.layout, generator=generator + ).to(model_output.device) + variance = (self._get_variance(t, predicted_variance=predicted_variance) ** 0.5) * noise + + pred_prev_sample = pred_prev_sample + variance + + if not return_dict: + return (pred_prev_sample,) + + return DDPMSchedulerOutput(prev_sample=pred_prev_sample, pred_original_sample=pred_original_sample) + + + +class BitDiffusion(DiffusionPipeline): + def __init__( + self, + unet: UNet2DConditionModel, + scheduler: Union[DDIMScheduler, DDPMScheduler], + bit_scale: Optional[float] = 1.0, + ): + super().__init__() + self.bit_scale = bit_scale + self.scheduler.step = ddim_bit_scheduler_step if isinstance(scheduler, DDIMScheduler) else ddpm_bit_scheduler_step + + self.register_modules(unet=unet, scheduler=scheduler) + + @torch.no_grad() + def __call__(self, + height: Optional[int] = 256, + width: Optional[int] = 256, + num_inference_steps: Optional[int] = 50, + generator: Optional[torch.Generator] = None, + batch_size: Optional[int] = 1, + output_type: Optional[str] = "pil", + return_dict: bool = True, + **kwargs, + ) -> Union[Tuple, ImagePipelineOutput]: + + latents = torch.randn( + (batch_size, self.unet.in_channels, height, width), + generator=generator, + ) + latents = decimal_to_bits(latents) * self.bit_scale + latents = latents.to(self.device) + + self.scheduler.set_timesteps(num_inference_steps) + + for t in self.progress_bar(self.scheduler.timesteps): + + # predict the noise residual + noise_pred = self.unet(latents, t).sample + + # compute the previous noisy sample x_t -> x_t-1 + latents = self.scheduler.step(noise_pred, t, latents).prev_sample + + image = bits_to_decimal(latents) + + if output_type == "pil": + image = self.numpy_to_pil(image) + + if not return_dict: + return (image,) + + return ImagePipelineOutput(images=image) From bddaed67b49c472e48dd6b9cfb1bd6dce59d3ebb Mon Sep 17 00:00:00 2001 From: Stuti R <71293255+kingstut@users.noreply.github.com> Date: Tue, 25 Oct 2022 12:17:50 +0530 Subject: [PATCH 2/8] adding bit diffusion to new branch ran tests --- examples/community/bit_diffusion.py | 57 +++++----- .../bbbcb9f65616524d6199fa3bc16dc0500fb2cbbb | 102 ++++++++++++++++++ .../refs/main | 1 + .../pipeline.py | 1 + 4 files changed, 134 insertions(+), 27 deletions(-) create mode 100644 hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/blobs/bbbcb9f65616524d6199fa3bc16dc0500fb2cbbb create mode 100644 hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/refs/main create mode 120000 hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/snapshots/b8fa12635e53eebebc22f95ee863e7af4fc2fb07/pipeline.py diff --git a/examples/community/bit_diffusion.py b/examples/community/bit_diffusion.py index 0dd79e8e6ed2..c0be3a13ad8d 100644 --- a/examples/community/bit_diffusion.py +++ b/examples/community/bit_diffusion.py @@ -1,46 +1,48 @@ from typing import Optional, Tuple, Union import torch -from torch import nn -from diffusers import DiffusionPipeline, DDIMScheduler, DDPMScheduler, UNet2DConditionModel -from diffusers.pipeline_utils import ImagePipelineOutput - -from einops import rearrange, reduce +from diffusers import DDIMScheduler, DDPMScheduler, DiffusionPipeline, UNet2DConditionModel +from diffusers.pipeline_utils import ImagePipelineOutput from diffusers.schedulers.scheduling_ddim import DDIMSchedulerOutput from diffusers.schedulers.scheduling_ddpm import DDPMSchedulerOutput +from einops import rearrange, reduce + BITS = 8 + # convert to bit representations and back taken from https://github.com/lucidrains/bit-diffusion/blob/main/bit_diffusion/bit_diffusion.py -def decimal_to_bits(x, bits = BITS): - """ expects image tensor ranging from 0 to 1, outputs bit tensor ranging from -1 to 1 """ +def decimal_to_bits(x, bits=BITS): + """expects image tensor ranging from 0 to 1, outputs bit tensor ranging from -1 to 1""" device = x.device x = (x * 255).int().clamp(0, 255) - mask = 2 ** torch.arange(bits - 1, -1, -1, device = device) - mask = rearrange(mask, 'd -> d 1 1') - x = rearrange(x, 'b c h w -> b c 1 h w') + mask = 2 ** torch.arange(bits - 1, -1, -1, device=device) + mask = rearrange(mask, "d -> d 1 1") + x = rearrange(x, "b c h w -> b c 1 h w") bits = ((x & mask) != 0).float() - bits = rearrange(bits, 'b c d h w -> b (c d) h w') + bits = rearrange(bits, "b c d h w -> b (c d) h w") bits = bits * 2 - 1 return bits -def bits_to_decimal(x, bits = BITS): - """ expects bits from -1 to 1, outputs image tensor from 0 to 1 """ + +def bits_to_decimal(x, bits=BITS): + """expects bits from -1 to 1, outputs image tensor from 0 to 1""" device = x.device x = (x > 0).int() - mask = 2 ** torch.arange(bits - 1, -1, -1, device = device, dtype = torch.int32) + mask = 2 ** torch.arange(bits - 1, -1, -1, device=device, dtype=torch.int32) - mask = rearrange(mask, 'd -> d 1 1') - x = rearrange(x, 'b (c d) h w -> b c d h w', d = 8) - dec = reduce(x * mask, 'b c d h w -> b c h w', 'sum') - return (dec / 255).clamp(0., 1.) + mask = rearrange(mask, "d -> d 1 1") + x = rearrange(x, "b (c d) h w -> b c d h w", d=8) + dec = reduce(x * mask, "b c d h w -> b c h w", "sum") + return (dec / 255).clamp(0.0, 1.0) -#modified scheduler step functions for clamping the predicted x_0 between -bit_scale and +bit_scale + +# modified scheduler step functions for clamping the predicted x_0 between -bit_scale and +bit_scale def ddim_bit_scheduler_step( self, model_output: torch.FloatTensor, @@ -130,6 +132,7 @@ def ddim_bit_scheduler_step( return DDIMSchedulerOutput(prev_sample=prev_sample, pred_original_sample=pred_original_sample) + def ddpm_bit_scheduler_step( self, model_output: torch.FloatTensor, @@ -206,22 +209,24 @@ def ddpm_bit_scheduler_step( return DDPMSchedulerOutput(prev_sample=pred_prev_sample, pred_original_sample=pred_original_sample) - class BitDiffusion(DiffusionPipeline): def __init__( self, unet: UNet2DConditionModel, - scheduler: Union[DDIMScheduler, DDPMScheduler], + scheduler: Union[DDIMScheduler, DDPMScheduler], bit_scale: Optional[float] = 1.0, ): super().__init__() - self.bit_scale = bit_scale - self.scheduler.step = ddim_bit_scheduler_step if isinstance(scheduler, DDIMScheduler) else ddpm_bit_scheduler_step + self.bit_scale = bit_scale + self.scheduler.step = ( + ddim_bit_scheduler_step if isinstance(scheduler, DDIMScheduler) else ddpm_bit_scheduler_step + ) self.register_modules(unet=unet, scheduler=scheduler) @torch.no_grad() - def __call__(self, + def __call__( + self, height: Optional[int] = 256, width: Optional[int] = 256, num_inference_steps: Optional[int] = 50, @@ -230,8 +235,7 @@ def __call__(self, output_type: Optional[str] = "pil", return_dict: bool = True, **kwargs, - ) -> Union[Tuple, ImagePipelineOutput]: - + ) -> Union[Tuple, ImagePipelineOutput]: latents = torch.randn( (batch_size, self.unet.in_channels, height, width), generator=generator, @@ -242,7 +246,6 @@ def __call__(self, self.scheduler.set_timesteps(num_inference_steps) for t in self.progress_bar(self.scheduler.timesteps): - # predict the noise residual noise_pred = self.unet(latents, t).sample diff --git a/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/blobs/bbbcb9f65616524d6199fa3bc16dc0500fb2cbbb b/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/blobs/bbbcb9f65616524d6199fa3bc16dc0500fb2cbbb new file mode 100644 index 000000000000..bbbcb9f65616 --- /dev/null +++ b/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/blobs/bbbcb9f65616524d6199fa3bc16dc0500fb2cbbb @@ -0,0 +1,102 @@ +# Copyright 2022 The HuggingFace Team. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and + +# limitations under the License. + + +from typing import Optional, Tuple, Union + +import torch + +from diffusers.pipeline_utils import DiffusionPipeline, ImagePipelineOutput + + +class CustomPipeline(DiffusionPipeline): + r""" + This model inherits from [`DiffusionPipeline`]. Check the superclass documentation for the generic methods the + library implements for all the pipelines (such as downloading or saving, running on a particular device, etc.) + + Parameters: + unet ([`UNet2DModel`]): U-Net architecture to denoise the encoded image. + scheduler ([`SchedulerMixin`]): + A scheduler to be used in combination with `unet` to denoise the encoded image. Can be one of + [`DDPMScheduler`], or [`DDIMScheduler`]. + """ + + def __init__(self, unet, scheduler): + super().__init__() + self.register_modules(unet=unet, scheduler=scheduler) + + @torch.no_grad() + def __call__( + self, + batch_size: int = 1, + generator: Optional[torch.Generator] = None, + eta: float = 0.0, + num_inference_steps: int = 50, + output_type: Optional[str] = "pil", + return_dict: bool = True, + **kwargs, + ) -> Union[ImagePipelineOutput, Tuple]: + r""" + Args: + batch_size (`int`, *optional*, defaults to 1): + The number of images to generate. + generator (`torch.Generator`, *optional*): + A [torch generator](https://pytorch.org/docs/stable/generated/torch.Generator.html) to make generation + deterministic. + eta (`float`, *optional*, defaults to 0.0): + The eta parameter which controls the scale of the variance (0 is DDIM and 1 is one type of DDPM). + num_inference_steps (`int`, *optional*, defaults to 50): + The number of denoising steps. More denoising steps usually lead to a higher quality image at the + expense of slower inference. + output_type (`str`, *optional*, defaults to `"pil"`): + The output format of the generate image. Choose between + [PIL](https://pillow.readthedocs.io/en/stable/): `PIL.Image.Image` or `np.array`. + return_dict (`bool`, *optional*, defaults to `True`): + Whether or not to return a [`~pipeline_utils.ImagePipelineOutput`] instead of a plain tuple. + + Returns: + [`~pipeline_utils.ImagePipelineOutput`] or `tuple`: [`~pipelines.utils.ImagePipelineOutput`] if + `return_dict` is True, otherwise a `tuple. When returning a tuple, the first element is a list with the + generated images. + """ + + # Sample gaussian noise to begin loop + image = torch.randn( + (batch_size, self.unet.in_channels, self.unet.sample_size, self.unet.sample_size), + generator=generator, + ) + image = image.to(self.device) + + # set step values + self.scheduler.set_timesteps(num_inference_steps) + + for t in self.progress_bar(self.scheduler.timesteps): + # 1. predict noise model_output + model_output = self.unet(image, t).sample + + # 2. predict previous mean of image x_t-1 and add variance depending on eta + # eta corresponds to η in paper and should be between [0, 1] + # do x_t -> x_t-1 + image = self.scheduler.step(model_output, t, image, eta).prev_sample + + image = (image / 2 + 0.5).clamp(0, 1) + image = image.cpu().permute(0, 2, 3, 1).numpy() + if output_type == "pil": + image = self.numpy_to_pil(image) + + if not return_dict: + return (image,) + + return ImagePipelineOutput(images=image), "This is a test" \ No newline at end of file diff --git a/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/refs/main b/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/refs/main new file mode 100644 index 000000000000..152c8af6817e --- /dev/null +++ b/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/refs/main @@ -0,0 +1 @@ +b8fa12635e53eebebc22f95ee863e7af4fc2fb07 \ No newline at end of file diff --git a/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/snapshots/b8fa12635e53eebebc22f95ee863e7af4fc2fb07/pipeline.py b/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/snapshots/b8fa12635e53eebebc22f95ee863e7af4fc2fb07/pipeline.py new file mode 120000 index 000000000000..47bb96808073 --- /dev/null +++ b/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/snapshots/b8fa12635e53eebebc22f95ee863e7af4fc2fb07/pipeline.py @@ -0,0 +1 @@ +../../blobs/bbbcb9f65616524d6199fa3bc16dc0500fb2cbbb \ No newline at end of file From 4ae7d48395f2603b0f4bb26d2768589dc5550189 Mon Sep 17 00:00:00 2001 From: Stuti R <71293255+kingstut@users.noreply.github.com> Date: Tue, 25 Oct 2022 12:30:51 +0530 Subject: [PATCH 3/8] tests --- reports/tests_torch_mps_durations.txt | 38 ++++++++++++++++ reports/tests_torch_mps_errors.txt | 0 reports/tests_torch_mps_failures_line.txt | 0 reports/tests_torch_mps_failures_long.txt | 0 reports/tests_torch_mps_failures_short.txt | 0 reports/tests_torch_mps_passes.txt | 1 + reports/tests_torch_mps_stats.txt | 1 + reports/tests_torch_mps_summary_short.txt | 50 ++++++++++++++++++++++ reports/tests_torch_mps_warnings.txt | 28 ++++++++++++ 9 files changed, 118 insertions(+) create mode 100644 reports/tests_torch_mps_durations.txt create mode 100644 reports/tests_torch_mps_errors.txt create mode 100644 reports/tests_torch_mps_failures_line.txt create mode 100644 reports/tests_torch_mps_failures_long.txt create mode 100644 reports/tests_torch_mps_failures_short.txt create mode 100644 reports/tests_torch_mps_passes.txt create mode 100644 reports/tests_torch_mps_stats.txt create mode 100644 reports/tests_torch_mps_summary_short.txt create mode 100644 reports/tests_torch_mps_warnings.txt diff --git a/reports/tests_torch_mps_durations.txt b/reports/tests_torch_mps_durations.txt new file mode 100644 index 000000000000..2bffb004c584 --- /dev/null +++ b/reports/tests_torch_mps_durations.txt @@ -0,0 +1,38 @@ +slowest durations +6.37s call tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing +5.96s call tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training +3.83s call tests/test_models_unet.py::UNet2DConditionModelTests::test_model_from_config +3.06s call tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism +2.86s call tests/test_models_unet.py::UNet2DConditionModelTests::test_training +2.73s call tests/test_models_unet.py::UNet2DConditionModelTests::test_from_pretrained_save_pretrained +2.61s call tests/test_models_unet.py::UNet2DConditionModelTests::test_outputs_equivalence +2.60s call tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_with_norm_groups +2.36s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub +2.23s call tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large +2.14s call tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained +1.27s call tests/test_models_unet.py::UNet2DConditionModelTests::test_output +0.96s call tests/test_models_unet.py::NCSNppModelTests::test_model_from_config +0.78s call tests/test_models_unet.py::UnetModelTests::test_model_from_config +0.54s call tests/test_models_unet.py::UnetModelTests::test_from_pretrained_save_pretrained +0.52s call tests/test_models_unet.py::UnetModelTests::test_ema_training +0.47s call tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config +0.42s call tests/test_models_unet.py::UnetModelTests::test_training +0.41s call tests/test_models_unet.py::UnetModelTests::test_determinism +0.40s call tests/test_models_unet.py::NCSNppModelTests::test_ema_training +0.36s call tests/test_models_unet.py::NCSNppModelTests::test_training +0.34s call tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained +0.29s call tests/test_models_unet.py::UNetLDMModelTests::test_ema_training +0.29s call tests/test_models_unet.py::UnetModelTests::test_outputs_equivalence +0.27s call tests/test_models_unet.py::NCSNppModelTests::test_determinism +0.27s call tests/test_models_unet.py::UNetLDMModelTests::test_training +0.26s call tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence +0.22s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained +0.22s call tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence +0.15s call tests/test_models_unet.py::UNetLDMModelTests::test_determinism +0.14s call tests/test_models_unet.py::NCSNppModelTests::test_output +0.14s call tests/test_models_unet.py::UnetModelTests::test_forward_with_norm_groups +0.11s call tests/test_models_unet.py::UnetModelTests::test_output +0.10s call tests/test_models_unet.py::UNetLDMModelTests::test_output +0.07s call tests/test_models_unet.py::UNetLDMModelTests::test_forward_with_norm_groups +0.06s call tests/test_models_unet.py::UNet2DConditionModelTests::test_enable_disable_gradient_checkpointing +111 durations < 0.05 secs were omitted \ No newline at end of file diff --git a/reports/tests_torch_mps_errors.txt b/reports/tests_torch_mps_errors.txt new file mode 100644 index 000000000000..e69de29bb2d1 diff --git a/reports/tests_torch_mps_failures_line.txt b/reports/tests_torch_mps_failures_line.txt new file mode 100644 index 000000000000..e69de29bb2d1 diff --git a/reports/tests_torch_mps_failures_long.txt b/reports/tests_torch_mps_failures_long.txt new file mode 100644 index 000000000000..e69de29bb2d1 diff --git a/reports/tests_torch_mps_failures_short.txt b/reports/tests_torch_mps_failures_short.txt new file mode 100644 index 000000000000..e69de29bb2d1 diff --git a/reports/tests_torch_mps_passes.txt b/reports/tests_torch_mps_passes.txt new file mode 100644 index 000000000000..d97b6fa18e92 --- /dev/null +++ b/reports/tests_torch_mps_passes.txt @@ -0,0 +1 @@ +==================================== PASSES ==================================== diff --git a/reports/tests_torch_mps_stats.txt b/reports/tests_torch_mps_stats.txt new file mode 100644 index 000000000000..16c7e24310d4 --- /dev/null +++ b/reports/tests_torch_mps_stats.txt @@ -0,0 +1 @@ +================= 44 passed, 5 skipped, 17 warnings in 46.87s ================== diff --git a/reports/tests_torch_mps_summary_short.txt b/reports/tests_torch_mps_summary_short.txt new file mode 100644 index 000000000000..07439d05595f --- /dev/null +++ b/reports/tests_torch_mps_summary_short.txt @@ -0,0 +1,50 @@ +=========================== short test summary info ============================ +PASSED tests/test_models_unet.py::UnetModelTests::test_determinism +PASSED tests/test_models_unet.py::UnetModelTests::test_ema_training +PASSED tests/test_models_unet.py::UnetModelTests::test_enable_disable_gradient_checkpointing +PASSED tests/test_models_unet.py::UnetModelTests::test_forward_signature +PASSED tests/test_models_unet.py::UnetModelTests::test_forward_with_norm_groups +PASSED tests/test_models_unet.py::UnetModelTests::test_from_pretrained_save_pretrained +PASSED tests/test_models_unet.py::UnetModelTests::test_model_from_config +PASSED tests/test_models_unet.py::UnetModelTests::test_output +PASSED tests/test_models_unet.py::UnetModelTests::test_outputs_equivalence +PASSED tests/test_models_unet.py::UnetModelTests::test_training +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_determinism +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_ema_training +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_enable_disable_gradient_checkpointing +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_forward_signature +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_forward_with_norm_groups +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_training +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_enable_disable_gradient_checkpointing +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_signature +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_with_norm_groups +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_from_pretrained_save_pretrained +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_model_from_config +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_output +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_outputs_equivalence +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_training +PASSED tests/test_models_unet.py::NCSNppModelTests::test_determinism +PASSED tests/test_models_unet.py::NCSNppModelTests::test_ema_training +PASSED tests/test_models_unet.py::NCSNppModelTests::test_enable_disable_gradient_checkpointing +PASSED tests/test_models_unet.py::NCSNppModelTests::test_forward_signature +PASSED tests/test_models_unet.py::NCSNppModelTests::test_forward_with_norm_groups +PASSED tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained +PASSED tests/test_models_unet.py::NCSNppModelTests::test_model_from_config +PASSED tests/test_models_unet.py::NCSNppModelTests::test_output +PASSED tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large +PASSED tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence +PASSED tests/test_models_unet.py::NCSNppModelTests::test_training +SKIPPED [1] tests/test_models_unet.py:138: This test is supposed to run on GPU +SKIPPED [1] tests/test_models_unet.py:148: This test is supposed to run on GPU +SKIPPED [1] tests/test_models_unet.py:180: This test is supposed to run on GPU +SKIPPED [1] tests/test_models_unet.py:384: test is slow +SKIPPED [1] tests/test_models_unet.py:398: test is slow diff --git a/reports/tests_torch_mps_warnings.txt b/reports/tests_torch_mps_warnings.txt new file mode 100644 index 000000000000..2edc249f5fd8 --- /dev/null +++ b/reports/tests_torch_mps_warnings.txt @@ -0,0 +1,28 @@ +=========================== warnings summary (final) =========================== +tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing + /Users/stutiraizada/opt/anaconda3/lib/python3.9/site-packages/torch/amp/autocast_mode.py:198: UserWarning: User provided device_type of 'cuda', but CUDA is not available. Disabling + warnings.warn('User provided device_type of \'cuda\', but CUDA is not available. Disabling') + +tests/test_models_unet.py::NCSNppModelTests::test_determinism +tests/test_models_unet.py::NCSNppModelTests::test_ema_training +tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained +tests/test_models_unet.py::NCSNppModelTests::test_model_from_config +tests/test_models_unet.py::NCSNppModelTests::test_output +tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large +tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence +tests/test_models_unet.py::NCSNppModelTests::test_training + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/models/resnet.py:275: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor). + torch.tensor(kernel, device=hidden_states.device), + +tests/test_models_unet.py::NCSNppModelTests::test_determinism +tests/test_models_unet.py::NCSNppModelTests::test_ema_training +tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained +tests/test_models_unet.py::NCSNppModelTests::test_model_from_config +tests/test_models_unet.py::NCSNppModelTests::test_output +tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large +tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence +tests/test_models_unet.py::NCSNppModelTests::test_training + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/models/resnet.py:201: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor). + torch.tensor(kernel, device=hidden_states.device), + +-- Docs: https://docs.pytest.org/en/stable/warnings.html From 121762dfd07f5a62e77e64c9effbeac6fd8ccef3 Mon Sep 17 00:00:00 2001 From: Stuti R <71293255+kingstut@users.noreply.github.com> Date: Tue, 25 Oct 2022 13:25:30 +0530 Subject: [PATCH 4/8] tests --- reports/tests_torch_mps_durations.txt | 62 ++- reports/tests_torch_mps_failures_line.txt | 2 + reports/tests_torch_mps_failures_long.txt | 481 +++++++++++++++++++++ reports/tests_torch_mps_failures_short.txt | 106 +++++ reports/tests_torch_mps_stats.txt | 2 +- reports/tests_torch_mps_summary_short.txt | 196 +++++++++ reports/tests_torch_mps_warnings.txt | 80 ++++ 7 files changed, 927 insertions(+), 2 deletions(-) diff --git a/reports/tests_torch_mps_durations.txt b/reports/tests_torch_mps_durations.txt index 2bffb004c584..66e076509281 100644 --- a/reports/tests_torch_mps_durations.txt +++ b/reports/tests_torch_mps_durations.txt @@ -1,38 +1,98 @@ slowest durations +27.94s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_num_images_per_prompt +20.50s call tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_default +17.25s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_pndm +9.19s call tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_forward_with_norm_groups +7.97s call tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_output +7.41s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint +6.39s call tests/test_pipelines.py::CustomPipelineTests::test_load_custom_pipeline 6.37s call tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing +6.16s call tests/test_pipelines.py::CustomPipelineTests::test_local_custom_pipeline 5.96s call tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training +5.41s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_k_lms +5.27s call tests/test_pipelines.py::CustomPipelineTests::test_run_custom_pipeline +5.15s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_ddim +4.57s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_no_safety_checker +4.43s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_attention_chunk +4.14s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_negative_prompt +3.98s call tests/test_models_vq.py::VQModelTests::test_from_pretrained_hub 3.83s call tests/test_models_unet.py::UNet2DConditionModelTests::test_model_from_config +3.43s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_ddim_factor_8 +3.32s call tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_hub 3.06s call tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism 2.86s call tests/test_models_unet.py::UNet2DConditionModelTests::test_training 2.73s call tests/test_models_unet.py::UNet2DConditionModelTests::test_from_pretrained_save_pretrained 2.61s call tests/test_models_unet.py::UNet2DConditionModelTests::test_outputs_equivalence 2.60s call tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_with_norm_groups +2.51s call tests/test_pipelines.py::PipelineFastTests::test_from_pretrained_error_message_uninstalled_packages 2.36s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub +2.30s call tests/test_models_vae.py::AutoencoderKLTests::test_output_pretrained 2.23s call tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large +2.16s call tests/test_models_vq.py::VQModelTests::test_output_pretrained 2.14s call tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained +1.97s call tests/test_pipelines.py::PipelineFastTests::test_pndm_cifar10 +1.97s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt +1.96s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt +1.85s call tests/test_pipelines.py::PipelineFastTests::test_ldm_text2img +1.72s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt +1.51s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_multiple_init_images +1.46s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint_legacy +1.34s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_k_lms +1.32s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img 1.27s call tests/test_models_unet.py::UNet2DConditionModelTests::test_output +1.23s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_negative_prompt 0.96s call tests/test_models_unet.py::NCSNppModelTests::test_model_from_config +0.93s call tests/test_pipelines.py::test_progress_bar 0.78s call tests/test_models_unet.py::UnetModelTests::test_model_from_config +0.76s call tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_sd +0.74s call tests/test_pipelines.py::PipelineTesterMixin::test_from_pretrained_save_pretrained +0.56s call tests/test_pipelines.py::PipelineFastTests::test_score_sde_ve_pipeline 0.54s call tests/test_models_unet.py::UnetModelTests::test_from_pretrained_save_pretrained 0.52s call tests/test_models_unet.py::UnetModelTests::test_ema_training 0.47s call tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config +0.43s call tests/test_models_vae.py::AutoencoderKLTests::test_ema_training 0.42s call tests/test_models_unet.py::UnetModelTests::test_training 0.41s call tests/test_models_unet.py::UnetModelTests::test_determinism 0.40s call tests/test_models_unet.py::NCSNppModelTests::test_ema_training +0.40s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_dropout +0.39s call tests/test_pipelines.py::PipelineFastTests::test_ddim +0.36s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_context_dim 0.36s call tests/test_models_unet.py::NCSNppModelTests::test_training +0.35s call tests/test_models_vae.py::AutoencoderKLTests::test_model_from_config 0.34s call tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained +0.30s call tests/test_models_vq.py::VQModelTests::test_model_from_config 0.29s call tests/test_models_unet.py::UNetLDMModelTests::test_ema_training +0.29s call tests/test_models_vae.py::AutoencoderKLTests::test_determinism +0.29s call tests/test_pipelines.py::PipelineFastTests::test_ldm_uncond 0.29s call tests/test_models_unet.py::UnetModelTests::test_outputs_equivalence +0.27s call tests/test_pipelines.py::PipelineFastTests::test_karras_ve_pipeline 0.27s call tests/test_models_unet.py::NCSNppModelTests::test_determinism 0.27s call tests/test_models_unet.py::UNetLDMModelTests::test_training 0.26s call tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence +0.24s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_default +0.23s call tests/test_models_vq.py::VQModelTests::test_ema_training 0.22s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained 0.22s call tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence +0.22s call tests/test_models_vq.py::VQModelTests::test_determinism +0.21s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_sigmas +0.20s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_time_indices +0.19s call tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_save_pretrained +0.18s call tests/test_models_vq.py::VQModelTests::test_from_pretrained_save_pretrained +0.18s call tests/test_models_vae.py::AutoencoderKLTests::test_outputs_equivalence +0.17s call tests/test_models_vae.py::AutoencoderKLTests::test_forward_with_norm_groups +0.16s call tests/test_scheduler.py::DDPMSchedulerTest::test_full_loop_no_noise 0.15s call tests/test_models_unet.py::UNetLDMModelTests::test_determinism 0.14s call tests/test_models_unet.py::NCSNppModelTests::test_output 0.14s call tests/test_models_unet.py::UnetModelTests::test_forward_with_norm_groups +0.14s call tests/test_models_vq.py::VQModelTests::test_outputs_equivalence 0.11s call tests/test_models_unet.py::UnetModelTests::test_output +0.11s call tests/test_models_vae.py::AutoencoderKLTests::test_output 0.10s call tests/test_models_unet.py::UNetLDMModelTests::test_output +0.08s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_full_loop_no_noise +0.08s call tests/test_models_vq.py::VQModelTests::test_output 0.07s call tests/test_models_unet.py::UNetLDMModelTests::test_forward_with_norm_groups +0.07s call tests/test_utils.py::DeprecateTester::test_deprecate_function_incorrect_arg 0.06s call tests/test_models_unet.py::UNet2DConditionModelTests::test_enable_disable_gradient_checkpointing -111 durations < 0.05 secs were omitted \ No newline at end of file +0.05s call tests/test_pipelines.py::PipelineTesterMixin::test_smart_download +0.05s call tests/test_models_vq.py::VQModelTests::test_forward_with_norm_groups +639 durations < 0.05 secs were omitted \ No newline at end of file diff --git a/reports/tests_torch_mps_failures_line.txt b/reports/tests_torch_mps_failures_line.txt index e69de29bb2d1..d95b3d1ad8e8 100644 --- a/reports/tests_torch_mps_failures_line.txt +++ b/reports/tests_torch_mps_failures_line.txt @@ -0,0 +1,2 @@ +=================================== FAILURES =================================== +/Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/configuration_utils.py:268: OSError: Can't load config for 'hf-internal-testing/unet-pipeline-dummy'. If you were trying to load it from 'https://huggingface.co/models', make sure you don't have a local directory with the same name. Otherwise, make sure 'hf-internal-testing/unet-pipeline-dummy' is the correct path to a directory containing a model_index.json file diff --git a/reports/tests_torch_mps_failures_long.txt b/reports/tests_torch_mps_failures_long.txt index e69de29bb2d1..e921390d79a1 100644 --- a/reports/tests_torch_mps_failures_long.txt +++ b/reports/tests_torch_mps_failures_long.txt @@ -0,0 +1,481 @@ +=================================== FAILURES =================================== +___________________ PipelineTesterMixin.test_smart_download ____________________ +[gw3] darwin -- Python 3.9.7 /Users/stutiraizada/opt/anaconda3/bin/python + +cls = +pretrained_model_name_or_path = 'hf-internal-testing/unet-pipeline-dummy' +kwargs = {} +cache_dir = '/var/folders/w5/_gxjdr416b3_7wxpxxqv_2xh0000gn/T/tmp10fk1l6f' +force_download = False, resume_download = False, proxies = None +use_auth_token = None, local_files_only = False, revision = None + + @classmethod + def get_config_dict( + cls, pretrained_model_name_or_path: Union[str, os.PathLike], **kwargs + ) -> Tuple[Dict[str, Any], Dict[str, Any]]: + cache_dir = kwargs.pop("cache_dir", DIFFUSERS_CACHE) + force_download = kwargs.pop("force_download", False) + resume_download = kwargs.pop("resume_download", False) + proxies = kwargs.pop("proxies", None) + use_auth_token = kwargs.pop("use_auth_token", None) + local_files_only = kwargs.pop("local_files_only", False) + revision = kwargs.pop("revision", None) + _ = kwargs.pop("mirror", None) + subfolder = kwargs.pop("subfolder", None) + + user_agent = {"file_type": "config"} + + pretrained_model_name_or_path = str(pretrained_model_name_or_path) + + if cls.config_name is None: + raise ValueError( + "`self.config_name` is not defined. Note that one should not load a config from " + "`ConfigMixin`. Please make sure to define `config_name` in a class inheriting from `ConfigMixin`" + ) + + if os.path.isfile(pretrained_model_name_or_path): + config_file = pretrained_model_name_or_path + elif os.path.isdir(pretrained_model_name_or_path): + if os.path.isfile(os.path.join(pretrained_model_name_or_path, cls.config_name)): + # Load from a PyTorch checkpoint + config_file = os.path.join(pretrained_model_name_or_path, cls.config_name) + elif subfolder is not None and os.path.isfile( + os.path.join(pretrained_model_name_or_path, subfolder, cls.config_name) + ): + config_file = os.path.join(pretrained_model_name_or_path, subfolder, cls.config_name) + else: + raise EnvironmentError( + f"Error no file named {cls.config_name} found in directory {pretrained_model_name_or_path}." + ) + else: + try: + # Load from URL or cache if already cached +> config_file = hf_hub_download( + pretrained_model_name_or_path, + filename=cls.config_name, + cache_dir=cache_dir, + force_download=force_download, + proxies=proxies, + resume_download=resume_download, + local_files_only=local_files_only, + use_auth_token=use_auth_token, + user_agent=user_agent, + subfolder=subfolder, + revision=revision, + ) + +src/diffusers/configuration_utils.py:223: +_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +repo_id = 'hf-internal-testing/unet-pipeline-dummy' +filename = 'model_index.json' + + def hf_hub_download( + repo_id: str, + filename: str, + *, + subfolder: Optional[str] = None, + repo_type: Optional[str] = None, + revision: Optional[str] = None, + library_name: Optional[str] = None, + library_version: Optional[str] = None, + cache_dir: Union[str, Path, None] = None, + user_agent: Union[Dict, str, None] = None, + force_download: Optional[bool] = False, + force_filename: Optional[str] = None, + proxies: Optional[Dict] = None, + etag_timeout: Optional[float] = 10, + resume_download: Optional[bool] = False, + use_auth_token: Union[bool, str, None] = None, + local_files_only: Optional[bool] = False, + legacy_cache_layout: Optional[bool] = False, + ): + """Download a given file if it's not already present in the local cache. + + The new cache file layout looks like this: + - The cache directory contains one subfolder per repo_id (namespaced by repo type) + - inside each repo folder: + - refs is a list of the latest known revision => commit_hash pairs + - blobs contains the actual file blobs (identified by their git-sha or sha256, depending on + whether they're LFS files or not) + - snapshots contains one subfolder per commit, each "commit" contains the subset of the files + that have been resolved at that particular commit. Each filename is a symlink to the blob + at that particular commit. + + ``` + [ 96] . + └── [ 160] models--julien-c--EsperBERTo-small + ├── [ 160] blobs + │ ├── [321M] 403450e234d65943a7dcf7e05a771ce3c92faa84dd07db4ac20f592037a1e4bd + │ ├── [ 398] 7cb18dc9bafbfcf74629a4b760af1b160957a83e + │ └── [1.4K] d7edf6bd2a681fb0175f7735299831ee1b22b812 + ├── [ 96] refs + │ └── [ 40] main + └── [ 128] snapshots + ├── [ 128] 2439f60ef33a0d46d85da5001d52aeda5b00ce9f + │ ├── [ 52] README.md -> ../../blobs/d7edf6bd2a681fb0175f7735299831ee1b22b812 + │ └── [ 76] pytorch_model.bin -> ../../blobs/403450e234d65943a7dcf7e05a771ce3c92faa84dd07db4ac20f592037a1e4bd + └── [ 128] bbc77c8132af1cc5cf678da3f1ddf2de43606d48 + ├── [ 52] README.md -> ../../blobs/7cb18dc9bafbfcf74629a4b760af1b160957a83e + └── [ 76] pytorch_model.bin -> ../../blobs/403450e234d65943a7dcf7e05a771ce3c92faa84dd07db4ac20f592037a1e4bd + ``` + + Args: + repo_id (`str`): + A user or an organization name and a repo name separated by a `/`. + filename (`str`): + The name of the file in the repo. + subfolder (`str`, *optional*): + An optional value corresponding to a folder inside the model repo. + repo_type (`str`, *optional*): + Set to `"dataset"` or `"space"` if uploading to a dataset or space, + `None` or `"model"` if uploading to a model. Default is `None`. + revision (`str`, *optional*): + An optional Git revision id which can be a branch name, a tag, or a + commit hash. + library_name (`str`, *optional*): + The name of the library to which the object corresponds. + library_version (`str`, *optional*): + The version of the library. + cache_dir (`str`, `Path`, *optional*): + Path to the folder where cached files are stored. + user_agent (`dict`, `str`, *optional*): + The user-agent info in the form of a dictionary or a string. + force_download (`bool`, *optional*, defaults to `False`): + Whether the file should be downloaded even if it already exists in + the local cache. + proxies (`dict`, *optional*): + Dictionary mapping protocol to the URL of the proxy passed to + `requests.request`. + etag_timeout (`float`, *optional*, defaults to `10`): + When fetching ETag, how many seconds to wait for the server to send + data before giving up which is passed to `requests.request`. + resume_download (`bool`, *optional*, defaults to `False`): + If `True`, resume a previously interrupted download. + use_auth_token (`str`, `bool`, *optional*): + A token to be used for the download. + - If `True`, the token is read from the HuggingFace config + folder. + - If a string, it's used as the authentication token. + local_files_only (`bool`, *optional*, defaults to `False`): + If `True`, avoid downloading the file and return the path to the + local cached file if it exists. + legacy_cache_layout (`bool`, *optional*, defaults to `False`): + If `True`, uses the legacy file cache layout i.e. just call [`hf_hub_url`] + then `cached_download`. This is deprecated as the new cache layout is + more powerful. + + Returns: + Local path (string) of file or if networking is off, last version of + file cached on disk. + + + + Raises the following errors: + + - [`EnvironmentError`](https://docs.python.org/3/library/exceptions.html#EnvironmentError) + if `use_auth_token=True` and the token cannot be found. + - [`OSError`](https://docs.python.org/3/library/exceptions.html#OSError) + if ETag cannot be determined. + - [`ValueError`](https://docs.python.org/3/library/exceptions.html#ValueError) + if some parameter value is invalid + - [`~utils.RepositoryNotFoundError`] + If the repository to download from cannot be found. This may be because it doesn't exist, + or because it is set to `private` and you do not have access. + - [`~utils.RevisionNotFoundError`] + If the revision to download from cannot be found. + - [`~utils.EntryNotFoundError`] + If the file to download cannot be found. + - [`~utils.LocalEntryNotFoundError`] + If network is disabled or unavailable and file is not found in cache. + + + """ + if force_filename is not None: + warnings.warn( + "The `force_filename` parameter is deprecated as a new caching system, " + "which keeps the filenames as they are on the Hub, is now in place.", + FutureWarning, + ) + legacy_cache_layout = True + + if legacy_cache_layout: + url = hf_hub_url( + repo_id, + filename, + subfolder=subfolder, + repo_type=repo_type, + revision=revision, + ) + + return cached_download( + url, + library_name=library_name, + library_version=library_version, + cache_dir=cache_dir, + user_agent=user_agent, + force_download=force_download, + force_filename=force_filename, + proxies=proxies, + etag_timeout=etag_timeout, + resume_download=resume_download, + use_auth_token=use_auth_token, + local_files_only=local_files_only, + legacy_cache_layout=legacy_cache_layout, + ) + + if cache_dir is None: + cache_dir = HUGGINGFACE_HUB_CACHE + if revision is None: + revision = DEFAULT_REVISION + if isinstance(cache_dir, Path): + cache_dir = str(cache_dir) + + if subfolder == "": + subfolder = None + if subfolder is not None: + # This is used to create a URL, and not a local path, hence the forward slash. + filename = f"{subfolder}/{filename}" + + if repo_type is None: + repo_type = "model" + if repo_type not in REPO_TYPES: + raise ValueError( + f"Invalid repo type: {repo_type}. Accepted repo types are:" + f" {str(REPO_TYPES)}" + ) + + storage_folder = os.path.join( + cache_dir, repo_folder_name(repo_id=repo_id, repo_type=repo_type) + ) + os.makedirs(storage_folder, exist_ok=True) + + # cross platform transcription of filename, to be used as a local file path. + relative_filename = os.path.join(*filename.split("/")) + + # if user provides a commit_hash and they already have the file on disk, + # shortcut everything. + if REGEX_COMMIT_HASH.match(revision): + pointer_path = os.path.join( + storage_folder, "snapshots", revision, relative_filename + ) + if os.path.exists(pointer_path): + return pointer_path + + url = hf_hub_url(repo_id, filename, repo_type=repo_type, revision=revision) + + headers = build_hf_headers( + use_auth_token=use_auth_token, + library_name=library_name, + library_version=library_version, + user_agent=user_agent, + ) + + url_to_download = url + etag = None + commit_hash = None + if not local_files_only: + try: + try: + metadata = get_hf_file_metadata( + url=url, + use_auth_token=use_auth_token, + proxies=proxies, + timeout=etag_timeout, + ) + except EntryNotFoundError as http_error: + # Cache the non-existence of the file and raise + commit_hash = http_error.response.headers.get( + HUGGINGFACE_HEADER_X_REPO_COMMIT + ) + if commit_hash is not None and not legacy_cache_layout: + no_exist_file_path = ( + Path(storage_folder) + / ".no_exist" + / commit_hash + / relative_filename + ) + no_exist_file_path.parent.mkdir(parents=True, exist_ok=True) + no_exist_file_path.touch() + _cache_commit_hash_for_specific_revision( + storage_folder, revision, commit_hash + ) + raise + + # Commit hash must exist + commit_hash = metadata.commit_hash + if commit_hash is None: + raise OSError( + "Distant resource does not seem to be on huggingface.co (missing" + " commit header)." + ) + + # Etag must exist + etag = metadata.etag + # We favor a custom header indicating the etag of the linked resource, and + # we fallback to the regular etag header. + # If we don't have any of those, raise an error. + if etag is None: + raise OSError( + "Distant resource does not have an ETag, we won't be able to" + " reliably ensure reproducibility." + ) + + # In case of a redirect, save an extra redirect on the request.get call, + # and ensure we download the exact atomic version even if it changed + # between the HEAD and the GET (unlikely, but hey). + # Useful for lfs blobs that are stored on a CDN. + if metadata.location != url: + url_to_download = metadata.location + if ( + "lfs.huggingface.co" in url_to_download + or "lfs-staging.huggingface.co" in url_to_download + ): + # Remove authorization header when downloading a LFS blob + headers.pop("authorization", None) + except (requests.exceptions.SSLError, requests.exceptions.ProxyError): + # Actually raise for those subclasses of ConnectionError + raise + except ( + requests.exceptions.ConnectionError, + requests.exceptions.Timeout, + OfflineModeIsEnabled, + ): + # Otherwise, our Internet connection is down. + # etag is None + pass + + # etag is None == we don't have a connection or we passed local_files_only. + # try to get the last downloaded one from the specified revision. + # If the specified revision is a commit hash, look inside "snapshots". + # If the specified revision is a branch or tag, look inside "refs". + if etag is None: + # In those cases, we cannot force download. + if force_download: + raise ValueError( + "We have no connection or you passed local_files_only, so" + " force_download is not an accepted option." + ) + if REGEX_COMMIT_HASH.match(revision): + commit_hash = revision + else: + ref_path = os.path.join(storage_folder, "refs", revision) +> with open(ref_path) as f: +E FileNotFoundError: [Errno 2] No such file or directory: '/var/folders/w5/_gxjdr416b3_7wxpxxqv_2xh0000gn/T/tmp10fk1l6f/models--hf-internal-testing--unet-pipeline-dummy/refs/main' + +../../../opt/anaconda3/lib/python3.9/site-packages/huggingface_hub/file_download.py:1136: FileNotFoundError + +During handling of the above exception, another exception occurred: + +self = + +> ??? + +tests/test_pipelines.py:1405: +_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +src/diffusers/pipeline_utils.py:366: in from_pretrained + if not os.path.isdir(pretrained_model_name_or_path): +_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +cls = +pretrained_model_name_or_path = 'hf-internal-testing/unet-pipeline-dummy' +kwargs = {} +cache_dir = '/var/folders/w5/_gxjdr416b3_7wxpxxqv_2xh0000gn/T/tmp10fk1l6f' +force_download = False, resume_download = False, proxies = None +use_auth_token = None, local_files_only = False, revision = None + + @classmethod + def get_config_dict( + cls, pretrained_model_name_or_path: Union[str, os.PathLike], **kwargs + ) -> Tuple[Dict[str, Any], Dict[str, Any]]: + cache_dir = kwargs.pop("cache_dir", DIFFUSERS_CACHE) + force_download = kwargs.pop("force_download", False) + resume_download = kwargs.pop("resume_download", False) + proxies = kwargs.pop("proxies", None) + use_auth_token = kwargs.pop("use_auth_token", None) + local_files_only = kwargs.pop("local_files_only", False) + revision = kwargs.pop("revision", None) + _ = kwargs.pop("mirror", None) + subfolder = kwargs.pop("subfolder", None) + + user_agent = {"file_type": "config"} + + pretrained_model_name_or_path = str(pretrained_model_name_or_path) + + if cls.config_name is None: + raise ValueError( + "`self.config_name` is not defined. Note that one should not load a config from " + "`ConfigMixin`. Please make sure to define `config_name` in a class inheriting from `ConfigMixin`" + ) + + if os.path.isfile(pretrained_model_name_or_path): + config_file = pretrained_model_name_or_path + elif os.path.isdir(pretrained_model_name_or_path): + if os.path.isfile(os.path.join(pretrained_model_name_or_path, cls.config_name)): + # Load from a PyTorch checkpoint + config_file = os.path.join(pretrained_model_name_or_path, cls.config_name) + elif subfolder is not None and os.path.isfile( + os.path.join(pretrained_model_name_or_path, subfolder, cls.config_name) + ): + config_file = os.path.join(pretrained_model_name_or_path, subfolder, cls.config_name) + else: + raise EnvironmentError( + f"Error no file named {cls.config_name} found in directory {pretrained_model_name_or_path}." + ) + else: + try: + # Load from URL or cache if already cached + config_file = hf_hub_download( + pretrained_model_name_or_path, + filename=cls.config_name, + cache_dir=cache_dir, + force_download=force_download, + proxies=proxies, + resume_download=resume_download, + local_files_only=local_files_only, + use_auth_token=use_auth_token, + user_agent=user_agent, + subfolder=subfolder, + revision=revision, + ) + + except RepositoryNotFoundError: + raise EnvironmentError( + f"{pretrained_model_name_or_path} is not a local folder and is not a valid model identifier" + " listed on 'https://huggingface.co/models'\nIf this is a private repository, make sure to pass a" + " token having permission to this repo with `use_auth_token` or log in with `huggingface-cli" + " login`." + ) + except RevisionNotFoundError: + raise EnvironmentError( + f"{revision} is not a valid git identifier (branch name, tag name or commit id) that exists for" + " this model name. Check the model page at" + f" 'https://huggingface.co/{pretrained_model_name_or_path}' for available revisions." + ) + except EntryNotFoundError: + raise EnvironmentError( + f"{pretrained_model_name_or_path} does not appear to have a file named {cls.config_name}." + ) + except HTTPError as err: + raise EnvironmentError( + "There was a specific connection error when trying to load" + f" {pretrained_model_name_or_path}:\n{err}" + ) + except ValueError: + raise EnvironmentError( + f"We couldn't connect to '{HUGGINGFACE_CO_RESOLVE_ENDPOINT}' to load this model, couldn't find it" + f" in the cached files and it looks like {pretrained_model_name_or_path} is not the path to a" + f" directory containing a {cls.config_name} file.\nCheckout your internet connection or see how to" + " run the library in offline mode at" + " 'https://huggingface.co/docs/diffusers/installation#offline-mode'." + ) + except EnvironmentError: +> raise EnvironmentError( + f"Can't load config for '{pretrained_model_name_or_path}'. If you were trying to load it from " + "'https://huggingface.co/models', make sure you don't have a local directory with the same name. " + f"Otherwise, make sure '{pretrained_model_name_or_path}' is the correct path to a directory " + f"containing a {cls.config_name} file" + ) +E OSError: Can't load config for 'hf-internal-testing/unet-pipeline-dummy'. If you were trying to load it from 'https://huggingface.co/models', make sure you don't have a local directory with the same name. Otherwise, make sure 'hf-internal-testing/unet-pipeline-dummy' is the correct path to a directory containing a model_index.json file + +src/diffusers/configuration_utils.py:268: OSError diff --git a/reports/tests_torch_mps_failures_short.txt b/reports/tests_torch_mps_failures_short.txt index e69de29bb2d1..13b4340e4c8b 100644 --- a/reports/tests_torch_mps_failures_short.txt +++ b/reports/tests_torch_mps_failures_short.txt @@ -0,0 +1,106 @@ +============================= FAILURES SHORT STACK ============================= +___________________ PipelineTesterMixin.test_smart_download ____________________ + + +cls = +pretrained_model_name_or_path = 'hf-internal-testing/unet-pipeline-dummy' +kwargs = {} +cache_dir = '/var/folders/w5/_gxjdr416b3_7wxpxxqv_2xh0000gn/T/tmp10fk1l6f' +force_download = False, resume_download = False, proxies = None +use_auth_token = None, local_files_only = False, revision = None + + @classmethod + def get_config_dict( + cls, pretrained_model_name_or_path: Union[str, os.PathLike], **kwargs + ) -> Tuple[Dict[str, Any], Dict[str, Any]]: + cache_dir = kwargs.pop("cache_dir", DIFFUSERS_CACHE) + force_download = kwargs.pop("force_download", False) + resume_download = kwargs.pop("resume_download", False) + proxies = kwargs.pop("proxies", None) + use_auth_token = kwargs.pop("use_auth_token", None) + local_files_only = kwargs.pop("local_files_only", False) + revision = kwargs.pop("revision", None) + _ = kwargs.pop("mirror", None) + subfolder = kwargs.pop("subfolder", None) + + user_agent = {"file_type": "config"} + + pretrained_model_name_or_path = str(pretrained_model_name_or_path) + + if cls.config_name is None: + raise ValueError( + "`self.config_name` is not defined. Note that one should not load a config from " + "`ConfigMixin`. Please make sure to define `config_name` in a class inheriting from `ConfigMixin`" + ) + + if os.path.isfile(pretrained_model_name_or_path): + config_file = pretrained_model_name_or_path + elif os.path.isdir(pretrained_model_name_or_path): + if os.path.isfile(os.path.join(pretrained_model_name_or_path, cls.config_name)): + # Load from a PyTorch checkpoint + config_file = os.path.join(pretrained_model_name_or_path, cls.config_name) + elif subfolder is not None and os.path.isfile( + os.path.join(pretrained_model_name_or_path, subfolder, cls.config_name) + ): + config_file = os.path.join(pretrained_model_name_or_path, subfolder, cls.config_name) + else: + raise EnvironmentError( + f"Error no file named {cls.config_name} found in directory {pretrained_model_name_or_path}." + ) + else: + try: + # Load from URL or cache if already cached + config_file = hf_hub_download( + pretrained_model_name_or_path, + filename=cls.config_name, + cache_dir=cache_dir, + force_download=force_download, + proxies=proxies, + resume_download=resume_download, + local_files_only=local_files_only, + use_auth_token=use_auth_token, + user_agent=user_agent, + subfolder=subfolder, + revision=revision, + ) + + except RepositoryNotFoundError: + raise EnvironmentError( + f"{pretrained_model_name_or_path} is not a local folder and is not a valid model identifier" + " listed on 'https://huggingface.co/models'\nIf this is a private repository, make sure to pass a" + " token having permission to this repo with `use_auth_token` or log in with `huggingface-cli" + " login`." + ) + except RevisionNotFoundError: + raise EnvironmentError( + f"{revision} is not a valid git identifier (branch name, tag name or commit id) that exists for" + " this model name. Check the model page at" + f" 'https://huggingface.co/{pretrained_model_name_or_path}' for available revisions." + ) + except EntryNotFoundError: + raise EnvironmentError( + f"{pretrained_model_name_or_path} does not appear to have a file named {cls.config_name}." + ) + except HTTPError as err: + raise EnvironmentError( + "There was a specific connection error when trying to load" + f" {pretrained_model_name_or_path}:\n{err}" + ) + except ValueError: + raise EnvironmentError( + f"We couldn't connect to '{HUGGINGFACE_CO_RESOLVE_ENDPOINT}' to load this model, couldn't find it" + f" in the cached files and it looks like {pretrained_model_name_or_path} is not the path to a" + f" directory containing a {cls.config_name} file.\nCheckout your internet connection or see how to" + " run the library in offline mode at" + " 'https://huggingface.co/docs/diffusers/installation#offline-mode'." + ) + except EnvironmentError: +> raise EnvironmentError( + f"Can't load config for '{pretrained_model_name_or_path}'. If you were trying to load it from " + "'https://huggingface.co/models', make sure you don't have a local directory with the same name. " + f"Otherwise, make sure '{pretrained_model_name_or_path}' is the correct path to a directory " + f"containing a {cls.config_name} file" + ) +E OSError: Can't load config for 'hf-internal-testing/unet-pipeline-dummy'. If you were trying to load it from 'https://huggingface.co/models', make sure you don't have a local directory with the same name. Otherwise, make sure 'hf-internal-testing/unet-pipeline-dummy' is the correct path to a directory containing a model_index.json file + +src/diffusers/configuration_utils.py:268: OSError diff --git a/reports/tests_torch_mps_stats.txt b/reports/tests_torch_mps_stats.txt index 16c7e24310d4..8e8ce258830f 100644 --- a/reports/tests_torch_mps_stats.txt +++ b/reports/tests_torch_mps_stats.txt @@ -1 +1 @@ -================= 44 passed, 5 skipped, 17 warnings in 46.87s ================== +===== 1 failed, 193 passed, 51 skipped, 76 warnings in 1170.84s (0:19:30) ====== diff --git a/reports/tests_torch_mps_summary_short.txt b/reports/tests_torch_mps_summary_short.txt index 07439d05595f..0f34c925a210 100644 --- a/reports/tests_torch_mps_summary_short.txt +++ b/reports/tests_torch_mps_summary_short.txt @@ -1,5 +1,26 @@ =========================== short test summary info ============================ +PASSED tests/test_config.py::ConfigTester::test_load_not_from_mixin +PASSED tests/test_config.py::ConfigTester::test_register_to_config +PASSED tests/test_config.py::ConfigTester::test_save_load +PASSED tests/test_layers_utils.py::EmbeddingsTests::test_sinoid_embeddings_hardcoded +PASSED tests/test_layers_utils.py::EmbeddingsTests::test_timestep_defaults +PASSED tests/test_layers_utils.py::EmbeddingsTests::test_timestep_downscale_freq_shift +PASSED tests/test_layers_utils.py::EmbeddingsTests::test_timestep_embeddings +PASSED tests/test_layers_utils.py::EmbeddingsTests::test_timestep_flip_sin_cos +PASSED tests/test_layers_utils.py::Upsample2DBlockTests::test_upsample_default +PASSED tests/test_layers_utils.py::Upsample2DBlockTests::test_upsample_with_conv +PASSED tests/test_layers_utils.py::Upsample2DBlockTests::test_upsample_with_conv_out_dim +PASSED tests/test_layers_utils.py::Upsample2DBlockTests::test_upsample_with_transpose +PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_default +PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_with_conv +PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_with_conv_out_dim +PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_with_conv_pad1 +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_determinism PASSED tests/test_models_unet.py::UnetModelTests::test_determinism +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_ema_training +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_enable_disable_gradient_checkpointing +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_forward_signature +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_forward_with_norm_groups PASSED tests/test_models_unet.py::UnetModelTests::test_ema_training PASSED tests/test_models_unet.py::UnetModelTests::test_enable_disable_gradient_checkpointing PASSED tests/test_models_unet.py::UnetModelTests::test_forward_signature @@ -14,23 +35,134 @@ PASSED tests/test_models_unet.py::UNetLDMModelTests::test_ema_training PASSED tests/test_models_unet.py::UNetLDMModelTests::test_enable_disable_gradient_checkpointing PASSED tests/test_models_unet.py::UNetLDMModelTests::test_forward_signature PASSED tests/test_models_unet.py::UNetLDMModelTests::test_forward_with_norm_groups +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_hub +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_save_pretrained +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_model_from_config +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_output PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained PASSED tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_output_pretrained +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_outputs_equivalence +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_training +PASSED tests/test_outputs.py::ConfigTester::test_outputs_dict_init +PASSED tests/test_outputs.py::ConfigTester::test_outputs_single_attribute +PASSED tests/test_pipelines.py::test_progress_bar PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained +PASSED tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_forward_with_norm_groups PASSED tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence PASSED tests/test_models_unet.py::UNetLDMModelTests::test_training PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism +PASSED tests/test_pipelines.py::CustomPipelineTests::test_load_custom_pipeline +PASSED tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_output +PASSED tests/test_models_vq.py::VQModelTests::test_determinism +PASSED tests/test_models_vq.py::VQModelTests::test_ema_training +PASSED tests/test_models_vq.py::VQModelTests::test_enable_disable_gradient_checkpointing +PASSED tests/test_models_vq.py::VQModelTests::test_forward_signature +PASSED tests/test_models_vq.py::VQModelTests::test_forward_with_norm_groups PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_enable_disable_gradient_checkpointing PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_signature +PASSED tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_default +PASSED tests/test_pipelines.py::CustomPipelineTests::test_local_custom_pipeline PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_with_norm_groups +PASSED tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_sd +PASSED tests/test_models_vq.py::VQModelTests::test_from_pretrained_hub +PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_context_dim +PASSED tests/test_models_vq.py::VQModelTests::test_from_pretrained_save_pretrained +PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_default +PASSED tests/test_models_vq.py::VQModelTests::test_model_from_config +PASSED tests/test_models_vq.py::VQModelTests::test_output +PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_dropout +PASSED tests/test_scheduler.py::SchedulerCommonTest::test_from_pretrained_save_pretrained +PASSED tests/test_scheduler.py::SchedulerCommonTest::test_scheduler_outputs_equivalence +PASSED tests/test_scheduler.py::SchedulerCommonTest::test_scheduler_public_api +PASSED tests/test_scheduler.py::SchedulerCommonTest::test_step_shape +PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_betas +PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_clip_sample +PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_from_pretrained_save_pretrained +PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_full_loop_no_noise +PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_scheduler_outputs_equivalence +PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_scheduler_public_api +PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_schedules +PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_step_shape +PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_time_indices +PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_timesteps +PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_variance +PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_variance_type +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_betas +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_clip_sample +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_eta +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_from_pretrained_save_pretrained +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_full_loop_no_noise +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_full_loop_with_no_set_alpha_to_one +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_full_loop_with_set_alpha_to_one +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_inference_steps +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_scheduler_outputs_equivalence +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_scheduler_public_api +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_schedules +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_step_shape +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_steps_offset +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_time_indices +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_timesteps +PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_variance +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_betas +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_from_pretrained_save_pretrained +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_full_loop_no_noise +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_full_loop_with_no_set_alpha_to_one +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_full_loop_with_set_alpha_to_one +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_inference_plms_no_past_residuals +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_inference_steps +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_pow_of_3_inference_steps +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_scheduler_outputs_equivalence +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_scheduler_public_api +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_schedules +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_step_shape +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_steps_offset +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_time_indices +PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_timesteps +PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_full_loop_no_noise +PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_sigmas +PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_step_shape +PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_time_indices +PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_timesteps +PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_betas +PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_from_pretrained_save_pretrained +PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_full_loop_no_noise +PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_scheduler_outputs_equivalence +PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_scheduler_public_api +PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_schedules +PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_step_shape +PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_time_indices +PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_timesteps +PASSED tests/test_utils.py::DeprecateTester::test_deprecate_arg_no_kwarg +PASSED tests/test_utils.py::DeprecateTester::test_deprecate_args_no_kwarg +PASSED tests/test_utils.py::DeprecateTester::test_deprecate_class_obj +PASSED tests/test_utils.py::DeprecateTester::test_deprecate_class_objs +PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_arg +PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_arg_tuple +PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_args +PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_incorrect_arg +PASSED tests/test_utils.py::DeprecateTester::test_deprecate_incorrect_no_standard_warn +PASSED tests/test_utils.py::DeprecateTester::test_deprecate_incorrect_version PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_from_pretrained_save_pretrained +PASSED tests/test_models_vq.py::VQModelTests::test_output_pretrained +PASSED tests/test_models_vq.py::VQModelTests::test_outputs_equivalence +PASSED tests/test_models_vq.py::VQModelTests::test_training +PASSED tests/test_pipelines.py::CustomPipelineTests::test_run_custom_pipeline +PASSED tests/test_pipelines.py::PipelineFastTests::test_ddim +PASSED tests/test_pipelines.py::PipelineFastTests::test_from_pretrained_error_message_uninstalled_packages +PASSED tests/test_pipelines.py::PipelineFastTests::test_karras_ve_pipeline PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing +PASSED tests/test_pipelines.py::PipelineFastTests::test_ldm_text2img +PASSED tests/test_pipelines.py::PipelineFastTests::test_ldm_uncond +PASSED tests/test_pipelines.py::PipelineFastTests::test_pndm_cifar10 +PASSED tests/test_pipelines.py::PipelineFastTests::test_score_sde_ve_pipeline PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_model_from_config PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_output PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_outputs_equivalence +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_attention_chunk PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_training PASSED tests/test_models_unet.py::NCSNppModelTests::test_determinism PASSED tests/test_models_unet.py::NCSNppModelTests::test_ema_training @@ -40,11 +172,75 @@ PASSED tests/test_models_unet.py::NCSNppModelTests::test_forward_with_norm_group PASSED tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained PASSED tests/test_models_unet.py::NCSNppModelTests::test_model_from_config PASSED tests/test_models_unet.py::NCSNppModelTests::test_output +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_ddim PASSED tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large PASSED tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence PASSED tests/test_models_unet.py::NCSNppModelTests::test_training +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_ddim_factor_8 +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_k_lms +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_multiple_init_images +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_negative_prompt +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint_legacy +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_k_lms +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_negative_prompt +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_no_safety_checker +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_num_images_per_prompt +PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_pndm +PASSED tests/test_pipelines.py::PipelineTesterMixin::test_from_pretrained_save_pretrained SKIPPED [1] tests/test_models_unet.py:138: This test is supposed to run on GPU SKIPPED [1] tests/test_models_unet.py:148: This test is supposed to run on GPU SKIPPED [1] tests/test_models_unet.py:180: This test is supposed to run on GPU +SKIPPED [1] tests/test_pipelines.py:121: test is slow +SKIPPED [1] tests/test_pipelines_flax.py:36: test is slow +SKIPPED [1] tests/test_pipelines_flax.py:70: test is slow +SKIPPED [1] tests/test_pipelines_flax.py:100: test is slow +SKIPPED [1] tests/test_pipelines_flax.py:158: test is slow +SKIPPED [1] tests/test_pipelines_flax.py:130: test is slow +SKIPPED [1] tests/test_training.py:35: test is slow SKIPPED [1] tests/test_models_unet.py:384: test is slow SKIPPED [1] tests/test_models_unet.py:398: test is slow +SKIPPED [1] tests/test_pipelines.py:1276: This test requires a GPU +SKIPPED [1] tests/test_pipelines.py:1309: This test requires a GPU +SKIPPED [1] tests/test_pipelines.py:1350: This test requires a GPU +SKIPPED [1] tests/test_pipelines.py:1568: test is slow +SKIPPED [1] tests/test_pipelines.py:1548: test is slow +SKIPPED [1] tests/test_pipelines.py:1528: test is slow +SKIPPED [1] tests/test_pipelines.py:1729: test is slow +SKIPPED [1] tests/test_pipelines.py:1753: (Anton) The test is failing for large batch sizes, needs investigation +SKIPPED [1] tests/test_pipelines.py:1460: test is slow +SKIPPED [1] tests/test_pipelines.py:1481: test is slow +SKIPPED [1] tests/test_pipelines.py:1780: test is slow +SKIPPED [1] tests/test_pipelines.py:1607: test is slow +SKIPPED [1] tests/test_pipelines.py:1625: test is slow +SKIPPED [1] tests/test_pipelines.py:1714: test is slow +SKIPPED [1] tests/test_pipelines.py:1798: test is slow +SKIPPED [1] tests/test_pipelines.py:1505: test is slow +SKIPPED [1] tests/test_pipelines.py:1588: test is slow +SKIPPED [1] tests/test_pipelines.py:1693: test is slow +SKIPPED [1] tests/test_pipelines.py:1641: test is slow +SKIPPED [1] tests/test_pipelines.py:2511: test is slow +SKIPPED [1] tests/test_pipelines.py:2497: test is slow +SKIPPED [1] tests/test_pipelines.py:1664: test is slow +SKIPPED [1] tests/test_pipelines.py:2346: test is slow +SKIPPED [1] tests/test_pipelines.py:2231: test is slow +SKIPPED [1] tests/test_pipelines.py:1916: test is slow +SKIPPED [1] tests/test_pipelines.py:1956: test is slow +SKIPPED [1] tests/test_pipelines.py:2400: test is slow +SKIPPED [1] tests/test_pipelines.py:2083: test is slow +SKIPPED [1] tests/test_pipelines.py:2167: test is slow +SKIPPED [1] tests/test_pipelines.py:2262: test is slow +SKIPPED [1] tests/test_pipelines.py:1999: test is slow +SKIPPED [1] tests/test_pipelines.py:2040: test is slow +SKIPPED [1] tests/test_pipelines.py:2126: test is slow +SKIPPED [1] tests/test_pipelines.py:1818: test is slow +SKIPPED [1] tests/test_pipelines.py:2214: test is slow +SKIPPED [1] tests/test_pipelines.py:2460: test is slow +SKIPPED [1] tests/test_pipelines.py:2296: test is slow +SKIPPED [1] tests/test_pipelines.py:1889: test is slow +SKIPPED [1] tests/test_pipelines.py:1858: test is slow +FAILED tests/test_pipelines.py::PipelineTesterMixin::test_smart_download - OS... diff --git a/reports/tests_torch_mps_warnings.txt b/reports/tests_torch_mps_warnings.txt index 2edc249f5fd8..81d0262f7458 100644 --- a/reports/tests_torch_mps_warnings.txt +++ b/reports/tests_torch_mps_warnings.txt @@ -1,4 +1,34 @@ =========================== warnings summary (final) =========================== +src/diffusers/dynamic_modules_utils.py:80 + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/dynamic_modules_utils.py:80: DeprecationWarning: invalid escape sequence \s + relative_imports = re.findall("^\s*import\s+\.(\S+)\s*$", content, flags=re.MULTILINE) + +src/diffusers/dynamic_modules_utils.py:82 + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/dynamic_modules_utils.py:82: DeprecationWarning: invalid escape sequence \s + relative_imports += re.findall("^\s*from\s+\.(\S+)\s+import", content, flags=re.MULTILINE) + +src/diffusers/dynamic_modules_utils.py:124 + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/dynamic_modules_utils.py:124: DeprecationWarning: invalid escape sequence \s + imports = re.findall("^\s*import\s+(\S+)\s*$", content, flags=re.MULTILINE) + +src/diffusers/dynamic_modules_utils.py:126 + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/dynamic_modules_utils.py:126: DeprecationWarning: invalid escape sequence \s + imports += re.findall("^\s*from\s+(\S+)\s+import", content, flags=re.MULTILINE) + +tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_betas +tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_from_pretrained_save_pretrained +tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_scheduler_outputs_equivalence +tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_schedules +tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_step_shape +tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_time_indices +tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_timesteps + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/schedulers/scheduling_lms_discrete.py:198: UserWarning: The `scale_model_input` function should be called before `step` to ensure correct denoising. See `StableDiffusionPipeline` for a usage example. + warnings.warn( + +tests/test_scheduler.py: 30 warnings + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: Passing integer indices (e.g. from `enumerate(timesteps)`) as timesteps to `LMSDiscreteScheduler.step()` will not be supported in future versions. Make sure to pass one of the `scheduler.timesteps` as a timestep. + warnings.warn(warning + message, DeprecationWarning) + tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing /Users/stutiraizada/opt/anaconda3/lib/python3.9/site-packages/torch/amp/autocast_mode.py:198: UserWarning: User provided device_type of 'cuda', but CUDA is not available. Disabling warnings.warn('User provided device_type of \'cuda\', but CUDA is not available. Disabling') @@ -25,4 +55,54 @@ tests/test_models_unet.py::NCSNppModelTests::test_training /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/models/resnet.py:201: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor). torch.tensor(kernel, device=hidden_states.device), +tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_ddim +tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_ddim_factor_8 + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: The configuration file of this scheduler: DDIMScheduler { + "_class_name": "DDIMScheduler", + "_diffusers_version": "0.6.0", + "beta_end": 0.012, + "beta_schedule": "scaled_linear", + "beta_start": 0.00085, + "clip_sample": false, + "num_train_timesteps": 1000, + "set_alpha_to_one": false, + "steps_offset": 0, + "trained_betas": null + } + is outdated. `steps_offset` should be set to 1 instead of 0. Please make sure to update the config accordingly as leaving `steps_offset` might led to incorrect results in future versions. If you have downloaded this checkpoint from the Hugging Face Hub, it would be very nice if you could open a Pull request for the `scheduler/scheduler_config.json` file + warnings.warn(warning + message, DeprecationWarning) + +tests/test_pipelines.py: 11 warnings + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: The configuration file of this scheduler: PNDMScheduler { + "_class_name": "PNDMScheduler", + "_diffusers_version": "0.6.0", + "beta_end": 0.02, + "beta_schedule": "linear", + "beta_start": 0.0001, + "num_train_timesteps": 1000, + "set_alpha_to_one": false, + "skip_prk_steps": true, + "steps_offset": 0, + "trained_betas": null + } + is outdated. `steps_offset` should be set to 1 instead of 0. Please make sure to update the config accordingly as leaving `steps_offset` might led to incorrect results in future versions. If you have downloaded this checkpoint from the Hugging Face Hub, it would be very nice if you could open a Pull request for the `scheduler/scheduler_config.json` file + warnings.warn(warning + message, DeprecationWarning) + +tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt +tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: You have passed 2 text prompts (`prompt`), but only 1 initial images (`init_image`). Initial images are now duplicating to match the number of text prompts. Note that this behavior is deprecated and will be removed in a version 1.0.0. Please make sure to update your script to pass as many init images as text prompts to suppress this warning. + warnings.warn(warning + message, DeprecationWarning) + +tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint.py:94: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead + logger.warn( + +tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_no_safety_checker + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipeline_utils.py:479: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead + logger.warn( + +tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_no_safety_checker + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py:75: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead + logger.warn( + -- Docs: https://docs.pytest.org/en/stable/warnings.html From be4d8aceee98e63162f16a3f6a76fb12c0920e2e Mon Sep 17 00:00:00 2001 From: Stuti R <71293255+kingstut@users.noreply.github.com> Date: Tue, 25 Oct 2022 13:42:33 +0530 Subject: [PATCH 5/8] tests --- reports/tests_torch_mps_durations.txt | 196 +++++---- reports/tests_torch_mps_failures_line.txt | 2 - reports/tests_torch_mps_failures_long.txt | 481 --------------------- reports/tests_torch_mps_failures_short.txt | 106 ----- reports/tests_torch_mps_passes.txt | 2 +- reports/tests_torch_mps_stats.txt | 2 +- reports/tests_torch_mps_summary_short.txt | 221 +++++----- reports/tests_torch_mps_warnings.txt | 156 +++++-- 8 files changed, 326 insertions(+), 840 deletions(-) diff --git a/reports/tests_torch_mps_durations.txt b/reports/tests_torch_mps_durations.txt index 66e076509281..da36ef408fc8 100644 --- a/reports/tests_torch_mps_durations.txt +++ b/reports/tests_torch_mps_durations.txt @@ -1,98 +1,104 @@ slowest durations -27.94s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_num_images_per_prompt -20.50s call tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_default -17.25s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_pndm -9.19s call tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_forward_with_norm_groups -7.97s call tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_output -7.41s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint -6.39s call tests/test_pipelines.py::CustomPipelineTests::test_load_custom_pipeline -6.37s call tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing -6.16s call tests/test_pipelines.py::CustomPipelineTests::test_local_custom_pipeline -5.96s call tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training -5.41s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_k_lms -5.27s call tests/test_pipelines.py::CustomPipelineTests::test_run_custom_pipeline -5.15s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_ddim -4.57s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_no_safety_checker -4.43s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_attention_chunk -4.14s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_negative_prompt -3.98s call tests/test_models_vq.py::VQModelTests::test_from_pretrained_hub -3.83s call tests/test_models_unet.py::UNet2DConditionModelTests::test_model_from_config -3.43s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_ddim_factor_8 -3.32s call tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_hub -3.06s call tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism -2.86s call tests/test_models_unet.py::UNet2DConditionModelTests::test_training -2.73s call tests/test_models_unet.py::UNet2DConditionModelTests::test_from_pretrained_save_pretrained -2.61s call tests/test_models_unet.py::UNet2DConditionModelTests::test_outputs_equivalence -2.60s call tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_with_norm_groups -2.51s call tests/test_pipelines.py::PipelineFastTests::test_from_pretrained_error_message_uninstalled_packages -2.36s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub -2.30s call tests/test_models_vae.py::AutoencoderKLTests::test_output_pretrained -2.23s call tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large -2.16s call tests/test_models_vq.py::VQModelTests::test_output_pretrained -2.14s call tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained -1.97s call tests/test_pipelines.py::PipelineFastTests::test_pndm_cifar10 -1.97s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt -1.96s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt -1.85s call tests/test_pipelines.py::PipelineFastTests::test_ldm_text2img -1.72s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt -1.51s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_multiple_init_images -1.46s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint_legacy -1.34s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_k_lms -1.32s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img -1.27s call tests/test_models_unet.py::UNet2DConditionModelTests::test_output -1.23s call tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_negative_prompt -0.96s call tests/test_models_unet.py::NCSNppModelTests::test_model_from_config -0.93s call tests/test_pipelines.py::test_progress_bar -0.78s call tests/test_models_unet.py::UnetModelTests::test_model_from_config -0.76s call tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_sd -0.74s call tests/test_pipelines.py::PipelineTesterMixin::test_from_pretrained_save_pretrained -0.56s call tests/test_pipelines.py::PipelineFastTests::test_score_sde_ve_pipeline -0.54s call tests/test_models_unet.py::UnetModelTests::test_from_pretrained_save_pretrained -0.52s call tests/test_models_unet.py::UnetModelTests::test_ema_training -0.47s call tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config -0.43s call tests/test_models_vae.py::AutoencoderKLTests::test_ema_training -0.42s call tests/test_models_unet.py::UnetModelTests::test_training -0.41s call tests/test_models_unet.py::UnetModelTests::test_determinism -0.40s call tests/test_models_unet.py::NCSNppModelTests::test_ema_training -0.40s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_dropout -0.39s call tests/test_pipelines.py::PipelineFastTests::test_ddim -0.36s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_context_dim -0.36s call tests/test_models_unet.py::NCSNppModelTests::test_training -0.35s call tests/test_models_vae.py::AutoencoderKLTests::test_model_from_config -0.34s call tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained -0.30s call tests/test_models_vq.py::VQModelTests::test_model_from_config +13.09s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_num_images_per_prompt +12.32s call tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_forward_with_norm_groups +7.81s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py::StableDiffusionInpaintPipelineFastTests::test_stable_diffusion_inpaint +6.91s call tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_default +6.43s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_attention_chunk +6.25s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim +6.20s call tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_output +6.16s call tests/test_pipelines.py::CustomPipelineTests::test_run_custom_pipeline +6.07s call tests/pipelines/pndm/test_pndm.py::PNDMPipelineFastTests::test_inference +5.51s call tests/test_pipelines.py::PipelineFastTests::test_components +5.35s call tests/test_pipelines.py::CustomPipelineTests::test_load_custom_pipeline +4.50s call tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing +4.19s call tests/test_pipelines.py::CustomPipelineTests::test_local_custom_pipeline +3.79s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_pndm +3.79s call tests/test_models_unet.py::UnetModelTests::test_ema_training +3.60s call tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_hub +3.48s call tests/test_models_unet.py::UNet2DConditionModelTests::test_training +3.47s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_k_lms +3.47s call tests/test_models_unet.py::UNet2DConditionModelTests::test_model_from_config +3.37s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker +3.12s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 +3.06s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img +2.78s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt +2.69s call tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large +2.68s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_negative_prompt +2.66s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_multiple_init_images +2.62s call tests/pipelines/latent_diffusion/test_latent_diffusion.py::LDMTextToImagePipelineFastTests::test_inference_text2img +2.59s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub +2.59s call tests/test_models_vq.py::VQModelTests::test_from_pretrained_hub +2.57s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_k_lms +2.57s call tests/test_models_vae.py::AutoencoderKLTests::test_ema_training +2.54s call tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained +2.40s call tests/test_models_vq.py::VQModelTests::test_output_pretrained +2.40s call tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training +2.40s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_negative_prompt +2.38s call tests/test_models_vae.py::AutoencoderKLTests::test_output_pretrained +2.27s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy +2.26s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt +1.84s call tests/test_models_unet.py::NCSNppModelTests::test_model_from_config +1.70s call tests/test_models_unet.py::UNet2DConditionModelTests::test_from_pretrained_save_pretrained +1.62s call tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism +1.62s call tests/test_models_unet.py::UnetModelTests::test_model_from_config +1.62s call tests/test_models_unet.py::UNet2DConditionModelTests::test_outputs_equivalence +1.56s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt +1.49s call tests/pipelines/score_sde_ve/test_score_sde_ve.py::ScoreSdeVeipelineFastTests::test_inference +1.18s call tests/test_models_unet.py::UNet2DConditionModelTests::test_output +1.16s call tests/test_models_unet.py::NCSNppModelTests::test_ema_training +1.10s call tests/test_pipelines.py::test_progress_bar +0.92s call tests/test_models_unet.py::NCSNppModelTests::test_determinism +0.79s call tests/test_models_unet.py::UnetModelTests::test_from_pretrained_save_pretrained +0.71s call tests/pipelines/latent_diffusion/test_latent_diffusion_uncond.py::LDMPipelineFastTests::test_inference_uncond +0.68s call tests/test_models_vae.py::AutoencoderKLTests::test_model_from_config +0.65s call tests/test_models_unet.py::UnetModelTests::test_outputs_equivalence +0.64s call tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_with_norm_groups +0.60s call tests/test_models_unet.py::UnetModelTests::test_training +0.58s call tests/test_models_unet.py::UnetModelTests::test_determinism +0.53s call tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained +0.50s call tests/test_models_unet.py::NCSNppModelTests::test_training +0.49s call tests/test_models_vq.py::VQModelTests::test_model_from_config +0.47s call tests/test_models_vq.py::VQModelTests::test_ema_training +0.46s call tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence +0.44s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_time_indices +0.43s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_sigmas +0.41s call tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_sd +0.39s call tests/test_models_vae.py::AutoencoderKLTests::test_forward_with_norm_groups +0.39s call tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config +0.35s call tests/test_models_vq.py::VQModelTests::test_from_pretrained_save_pretrained +0.31s call tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_save_pretrained +0.30s call tests/test_models_vq.py::VQModelTests::test_determinism 0.29s call tests/test_models_unet.py::UNetLDMModelTests::test_ema_training -0.29s call tests/test_models_vae.py::AutoencoderKLTests::test_determinism -0.29s call tests/test_pipelines.py::PipelineFastTests::test_ldm_uncond -0.29s call tests/test_models_unet.py::UnetModelTests::test_outputs_equivalence -0.27s call tests/test_pipelines.py::PipelineFastTests::test_karras_ve_pipeline -0.27s call tests/test_models_unet.py::NCSNppModelTests::test_determinism -0.27s call tests/test_models_unet.py::UNetLDMModelTests::test_training -0.26s call tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence -0.24s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_default -0.23s call tests/test_models_vq.py::VQModelTests::test_ema_training -0.22s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained -0.22s call tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence -0.22s call tests/test_models_vq.py::VQModelTests::test_determinism -0.21s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_sigmas -0.20s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_time_indices -0.19s call tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_save_pretrained -0.18s call tests/test_models_vq.py::VQModelTests::test_from_pretrained_save_pretrained -0.18s call tests/test_models_vae.py::AutoencoderKLTests::test_outputs_equivalence -0.17s call tests/test_models_vae.py::AutoencoderKLTests::test_forward_with_norm_groups -0.16s call tests/test_scheduler.py::DDPMSchedulerTest::test_full_loop_no_noise -0.15s call tests/test_models_unet.py::UNetLDMModelTests::test_determinism -0.14s call tests/test_models_unet.py::NCSNppModelTests::test_output -0.14s call tests/test_models_unet.py::UnetModelTests::test_forward_with_norm_groups -0.14s call tests/test_models_vq.py::VQModelTests::test_outputs_equivalence -0.11s call tests/test_models_unet.py::UnetModelTests::test_output -0.11s call tests/test_models_vae.py::AutoencoderKLTests::test_output -0.10s call tests/test_models_unet.py::UNetLDMModelTests::test_output -0.08s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_full_loop_no_noise -0.08s call tests/test_models_vq.py::VQModelTests::test_output +0.28s call tests/pipelines/karras_ve/test_karras_ve.py::KarrasVePipelineFastTests::test_inference +0.27s call tests/pipelines/ddim/test_ddim.py::DDIMPipelineFastTests::test_inference +0.27s call tests/test_models_vae.py::AutoencoderKLTests::test_determinism +0.26s call tests/test_models_unet.py::UnetModelTests::test_forward_with_norm_groups +0.25s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_dropout +0.24s call tests/test_models_unet.py::NCSNppModelTests::test_output +0.23s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_timesteps +0.21s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_context_dim +0.21s call tests/test_models_unet.py::UNetLDMModelTests::test_training +0.20s call tests/test_models_vq.py::VQModelTests::test_outputs_equivalence +0.20s call tests/test_models_vae.py::AutoencoderKLTests::test_output +0.19s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_default +0.19s call tests/test_models_unet.py::UnetModelTests::test_output +0.18s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained +0.18s call tests/test_models_unet.py::UNetLDMModelTests::test_determinism +0.18s call tests/test_scheduler.py::DDPMSchedulerTest::test_full_loop_no_noise +0.15s call tests/test_models_vq.py::VQModelTests::test_output +0.13s call tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence +0.12s call tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_time_indices +0.12s call tests/test_scheduler.py::DDPMSchedulerTest::test_time_indices +0.11s call tests/test_models_vae.py::AutoencoderKLTests::test_outputs_equivalence +0.11s call tests/test_scheduler.py::DDIMSchedulerTest::test_inference_steps +0.11s call tests/test_scheduler.py::DDIMSchedulerTest::test_eta +0.10s call tests/test_scheduler.py::DDIMSchedulerTest::test_time_indices +0.10s call tests/test_utils.py::DeprecateTester::test_deprecate_function_incorrect_arg +0.09s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_full_loop_no_noise +0.09s call tests/test_models_unet.py::UNetLDMModelTests::test_output +0.08s call tests/test_models_vq.py::VQModelTests::test_forward_with_norm_groups +0.07s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_step_shape 0.07s call tests/test_models_unet.py::UNetLDMModelTests::test_forward_with_norm_groups -0.07s call tests/test_utils.py::DeprecateTester::test_deprecate_function_incorrect_arg -0.06s call tests/test_models_unet.py::UNet2DConditionModelTests::test_enable_disable_gradient_checkpointing -0.05s call tests/test_pipelines.py::PipelineTesterMixin::test_smart_download -0.05s call tests/test_models_vq.py::VQModelTests::test_forward_with_norm_groups -639 durations < 0.05 secs were omitted \ No newline at end of file +0.07s call tests/test_scheduler.py::DDPMSchedulerTest::test_from_pretrained_save_pretrained +0.05s call tests/test_layers_utils.py::Upsample2DBlockTests::test_upsample_default +654 durations < 0.05 secs were omitted \ No newline at end of file diff --git a/reports/tests_torch_mps_failures_line.txt b/reports/tests_torch_mps_failures_line.txt index d95b3d1ad8e8..e69de29bb2d1 100644 --- a/reports/tests_torch_mps_failures_line.txt +++ b/reports/tests_torch_mps_failures_line.txt @@ -1,2 +0,0 @@ -=================================== FAILURES =================================== -/Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/configuration_utils.py:268: OSError: Can't load config for 'hf-internal-testing/unet-pipeline-dummy'. If you were trying to load it from 'https://huggingface.co/models', make sure you don't have a local directory with the same name. Otherwise, make sure 'hf-internal-testing/unet-pipeline-dummy' is the correct path to a directory containing a model_index.json file diff --git a/reports/tests_torch_mps_failures_long.txt b/reports/tests_torch_mps_failures_long.txt index e921390d79a1..e69de29bb2d1 100644 --- a/reports/tests_torch_mps_failures_long.txt +++ b/reports/tests_torch_mps_failures_long.txt @@ -1,481 +0,0 @@ -=================================== FAILURES =================================== -___________________ PipelineTesterMixin.test_smart_download ____________________ -[gw3] darwin -- Python 3.9.7 /Users/stutiraizada/opt/anaconda3/bin/python - -cls = -pretrained_model_name_or_path = 'hf-internal-testing/unet-pipeline-dummy' -kwargs = {} -cache_dir = '/var/folders/w5/_gxjdr416b3_7wxpxxqv_2xh0000gn/T/tmp10fk1l6f' -force_download = False, resume_download = False, proxies = None -use_auth_token = None, local_files_only = False, revision = None - - @classmethod - def get_config_dict( - cls, pretrained_model_name_or_path: Union[str, os.PathLike], **kwargs - ) -> Tuple[Dict[str, Any], Dict[str, Any]]: - cache_dir = kwargs.pop("cache_dir", DIFFUSERS_CACHE) - force_download = kwargs.pop("force_download", False) - resume_download = kwargs.pop("resume_download", False) - proxies = kwargs.pop("proxies", None) - use_auth_token = kwargs.pop("use_auth_token", None) - local_files_only = kwargs.pop("local_files_only", False) - revision = kwargs.pop("revision", None) - _ = kwargs.pop("mirror", None) - subfolder = kwargs.pop("subfolder", None) - - user_agent = {"file_type": "config"} - - pretrained_model_name_or_path = str(pretrained_model_name_or_path) - - if cls.config_name is None: - raise ValueError( - "`self.config_name` is not defined. Note that one should not load a config from " - "`ConfigMixin`. Please make sure to define `config_name` in a class inheriting from `ConfigMixin`" - ) - - if os.path.isfile(pretrained_model_name_or_path): - config_file = pretrained_model_name_or_path - elif os.path.isdir(pretrained_model_name_or_path): - if os.path.isfile(os.path.join(pretrained_model_name_or_path, cls.config_name)): - # Load from a PyTorch checkpoint - config_file = os.path.join(pretrained_model_name_or_path, cls.config_name) - elif subfolder is not None and os.path.isfile( - os.path.join(pretrained_model_name_or_path, subfolder, cls.config_name) - ): - config_file = os.path.join(pretrained_model_name_or_path, subfolder, cls.config_name) - else: - raise EnvironmentError( - f"Error no file named {cls.config_name} found in directory {pretrained_model_name_or_path}." - ) - else: - try: - # Load from URL or cache if already cached -> config_file = hf_hub_download( - pretrained_model_name_or_path, - filename=cls.config_name, - cache_dir=cache_dir, - force_download=force_download, - proxies=proxies, - resume_download=resume_download, - local_files_only=local_files_only, - use_auth_token=use_auth_token, - user_agent=user_agent, - subfolder=subfolder, - revision=revision, - ) - -src/diffusers/configuration_utils.py:223: -_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ - -repo_id = 'hf-internal-testing/unet-pipeline-dummy' -filename = 'model_index.json' - - def hf_hub_download( - repo_id: str, - filename: str, - *, - subfolder: Optional[str] = None, - repo_type: Optional[str] = None, - revision: Optional[str] = None, - library_name: Optional[str] = None, - library_version: Optional[str] = None, - cache_dir: Union[str, Path, None] = None, - user_agent: Union[Dict, str, None] = None, - force_download: Optional[bool] = False, - force_filename: Optional[str] = None, - proxies: Optional[Dict] = None, - etag_timeout: Optional[float] = 10, - resume_download: Optional[bool] = False, - use_auth_token: Union[bool, str, None] = None, - local_files_only: Optional[bool] = False, - legacy_cache_layout: Optional[bool] = False, - ): - """Download a given file if it's not already present in the local cache. - - The new cache file layout looks like this: - - The cache directory contains one subfolder per repo_id (namespaced by repo type) - - inside each repo folder: - - refs is a list of the latest known revision => commit_hash pairs - - blobs contains the actual file blobs (identified by their git-sha or sha256, depending on - whether they're LFS files or not) - - snapshots contains one subfolder per commit, each "commit" contains the subset of the files - that have been resolved at that particular commit. Each filename is a symlink to the blob - at that particular commit. - - ``` - [ 96] . - └── [ 160] models--julien-c--EsperBERTo-small - ├── [ 160] blobs - │ ├── [321M] 403450e234d65943a7dcf7e05a771ce3c92faa84dd07db4ac20f592037a1e4bd - │ ├── [ 398] 7cb18dc9bafbfcf74629a4b760af1b160957a83e - │ └── [1.4K] d7edf6bd2a681fb0175f7735299831ee1b22b812 - ├── [ 96] refs - │ └── [ 40] main - └── [ 128] snapshots - ├── [ 128] 2439f60ef33a0d46d85da5001d52aeda5b00ce9f - │ ├── [ 52] README.md -> ../../blobs/d7edf6bd2a681fb0175f7735299831ee1b22b812 - │ └── [ 76] pytorch_model.bin -> ../../blobs/403450e234d65943a7dcf7e05a771ce3c92faa84dd07db4ac20f592037a1e4bd - └── [ 128] bbc77c8132af1cc5cf678da3f1ddf2de43606d48 - ├── [ 52] README.md -> ../../blobs/7cb18dc9bafbfcf74629a4b760af1b160957a83e - └── [ 76] pytorch_model.bin -> ../../blobs/403450e234d65943a7dcf7e05a771ce3c92faa84dd07db4ac20f592037a1e4bd - ``` - - Args: - repo_id (`str`): - A user or an organization name and a repo name separated by a `/`. - filename (`str`): - The name of the file in the repo. - subfolder (`str`, *optional*): - An optional value corresponding to a folder inside the model repo. - repo_type (`str`, *optional*): - Set to `"dataset"` or `"space"` if uploading to a dataset or space, - `None` or `"model"` if uploading to a model. Default is `None`. - revision (`str`, *optional*): - An optional Git revision id which can be a branch name, a tag, or a - commit hash. - library_name (`str`, *optional*): - The name of the library to which the object corresponds. - library_version (`str`, *optional*): - The version of the library. - cache_dir (`str`, `Path`, *optional*): - Path to the folder where cached files are stored. - user_agent (`dict`, `str`, *optional*): - The user-agent info in the form of a dictionary or a string. - force_download (`bool`, *optional*, defaults to `False`): - Whether the file should be downloaded even if it already exists in - the local cache. - proxies (`dict`, *optional*): - Dictionary mapping protocol to the URL of the proxy passed to - `requests.request`. - etag_timeout (`float`, *optional*, defaults to `10`): - When fetching ETag, how many seconds to wait for the server to send - data before giving up which is passed to `requests.request`. - resume_download (`bool`, *optional*, defaults to `False`): - If `True`, resume a previously interrupted download. - use_auth_token (`str`, `bool`, *optional*): - A token to be used for the download. - - If `True`, the token is read from the HuggingFace config - folder. - - If a string, it's used as the authentication token. - local_files_only (`bool`, *optional*, defaults to `False`): - If `True`, avoid downloading the file and return the path to the - local cached file if it exists. - legacy_cache_layout (`bool`, *optional*, defaults to `False`): - If `True`, uses the legacy file cache layout i.e. just call [`hf_hub_url`] - then `cached_download`. This is deprecated as the new cache layout is - more powerful. - - Returns: - Local path (string) of file or if networking is off, last version of - file cached on disk. - - - - Raises the following errors: - - - [`EnvironmentError`](https://docs.python.org/3/library/exceptions.html#EnvironmentError) - if `use_auth_token=True` and the token cannot be found. - - [`OSError`](https://docs.python.org/3/library/exceptions.html#OSError) - if ETag cannot be determined. - - [`ValueError`](https://docs.python.org/3/library/exceptions.html#ValueError) - if some parameter value is invalid - - [`~utils.RepositoryNotFoundError`] - If the repository to download from cannot be found. This may be because it doesn't exist, - or because it is set to `private` and you do not have access. - - [`~utils.RevisionNotFoundError`] - If the revision to download from cannot be found. - - [`~utils.EntryNotFoundError`] - If the file to download cannot be found. - - [`~utils.LocalEntryNotFoundError`] - If network is disabled or unavailable and file is not found in cache. - - - """ - if force_filename is not None: - warnings.warn( - "The `force_filename` parameter is deprecated as a new caching system, " - "which keeps the filenames as they are on the Hub, is now in place.", - FutureWarning, - ) - legacy_cache_layout = True - - if legacy_cache_layout: - url = hf_hub_url( - repo_id, - filename, - subfolder=subfolder, - repo_type=repo_type, - revision=revision, - ) - - return cached_download( - url, - library_name=library_name, - library_version=library_version, - cache_dir=cache_dir, - user_agent=user_agent, - force_download=force_download, - force_filename=force_filename, - proxies=proxies, - etag_timeout=etag_timeout, - resume_download=resume_download, - use_auth_token=use_auth_token, - local_files_only=local_files_only, - legacy_cache_layout=legacy_cache_layout, - ) - - if cache_dir is None: - cache_dir = HUGGINGFACE_HUB_CACHE - if revision is None: - revision = DEFAULT_REVISION - if isinstance(cache_dir, Path): - cache_dir = str(cache_dir) - - if subfolder == "": - subfolder = None - if subfolder is not None: - # This is used to create a URL, and not a local path, hence the forward slash. - filename = f"{subfolder}/{filename}" - - if repo_type is None: - repo_type = "model" - if repo_type not in REPO_TYPES: - raise ValueError( - f"Invalid repo type: {repo_type}. Accepted repo types are:" - f" {str(REPO_TYPES)}" - ) - - storage_folder = os.path.join( - cache_dir, repo_folder_name(repo_id=repo_id, repo_type=repo_type) - ) - os.makedirs(storage_folder, exist_ok=True) - - # cross platform transcription of filename, to be used as a local file path. - relative_filename = os.path.join(*filename.split("/")) - - # if user provides a commit_hash and they already have the file on disk, - # shortcut everything. - if REGEX_COMMIT_HASH.match(revision): - pointer_path = os.path.join( - storage_folder, "snapshots", revision, relative_filename - ) - if os.path.exists(pointer_path): - return pointer_path - - url = hf_hub_url(repo_id, filename, repo_type=repo_type, revision=revision) - - headers = build_hf_headers( - use_auth_token=use_auth_token, - library_name=library_name, - library_version=library_version, - user_agent=user_agent, - ) - - url_to_download = url - etag = None - commit_hash = None - if not local_files_only: - try: - try: - metadata = get_hf_file_metadata( - url=url, - use_auth_token=use_auth_token, - proxies=proxies, - timeout=etag_timeout, - ) - except EntryNotFoundError as http_error: - # Cache the non-existence of the file and raise - commit_hash = http_error.response.headers.get( - HUGGINGFACE_HEADER_X_REPO_COMMIT - ) - if commit_hash is not None and not legacy_cache_layout: - no_exist_file_path = ( - Path(storage_folder) - / ".no_exist" - / commit_hash - / relative_filename - ) - no_exist_file_path.parent.mkdir(parents=True, exist_ok=True) - no_exist_file_path.touch() - _cache_commit_hash_for_specific_revision( - storage_folder, revision, commit_hash - ) - raise - - # Commit hash must exist - commit_hash = metadata.commit_hash - if commit_hash is None: - raise OSError( - "Distant resource does not seem to be on huggingface.co (missing" - " commit header)." - ) - - # Etag must exist - etag = metadata.etag - # We favor a custom header indicating the etag of the linked resource, and - # we fallback to the regular etag header. - # If we don't have any of those, raise an error. - if etag is None: - raise OSError( - "Distant resource does not have an ETag, we won't be able to" - " reliably ensure reproducibility." - ) - - # In case of a redirect, save an extra redirect on the request.get call, - # and ensure we download the exact atomic version even if it changed - # between the HEAD and the GET (unlikely, but hey). - # Useful for lfs blobs that are stored on a CDN. - if metadata.location != url: - url_to_download = metadata.location - if ( - "lfs.huggingface.co" in url_to_download - or "lfs-staging.huggingface.co" in url_to_download - ): - # Remove authorization header when downloading a LFS blob - headers.pop("authorization", None) - except (requests.exceptions.SSLError, requests.exceptions.ProxyError): - # Actually raise for those subclasses of ConnectionError - raise - except ( - requests.exceptions.ConnectionError, - requests.exceptions.Timeout, - OfflineModeIsEnabled, - ): - # Otherwise, our Internet connection is down. - # etag is None - pass - - # etag is None == we don't have a connection or we passed local_files_only. - # try to get the last downloaded one from the specified revision. - # If the specified revision is a commit hash, look inside "snapshots". - # If the specified revision is a branch or tag, look inside "refs". - if etag is None: - # In those cases, we cannot force download. - if force_download: - raise ValueError( - "We have no connection or you passed local_files_only, so" - " force_download is not an accepted option." - ) - if REGEX_COMMIT_HASH.match(revision): - commit_hash = revision - else: - ref_path = os.path.join(storage_folder, "refs", revision) -> with open(ref_path) as f: -E FileNotFoundError: [Errno 2] No such file or directory: '/var/folders/w5/_gxjdr416b3_7wxpxxqv_2xh0000gn/T/tmp10fk1l6f/models--hf-internal-testing--unet-pipeline-dummy/refs/main' - -../../../opt/anaconda3/lib/python3.9/site-packages/huggingface_hub/file_download.py:1136: FileNotFoundError - -During handling of the above exception, another exception occurred: - -self = - -> ??? - -tests/test_pipelines.py:1405: -_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ -src/diffusers/pipeline_utils.py:366: in from_pretrained - if not os.path.isdir(pretrained_model_name_or_path): -_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ - -cls = -pretrained_model_name_or_path = 'hf-internal-testing/unet-pipeline-dummy' -kwargs = {} -cache_dir = '/var/folders/w5/_gxjdr416b3_7wxpxxqv_2xh0000gn/T/tmp10fk1l6f' -force_download = False, resume_download = False, proxies = None -use_auth_token = None, local_files_only = False, revision = None - - @classmethod - def get_config_dict( - cls, pretrained_model_name_or_path: Union[str, os.PathLike], **kwargs - ) -> Tuple[Dict[str, Any], Dict[str, Any]]: - cache_dir = kwargs.pop("cache_dir", DIFFUSERS_CACHE) - force_download = kwargs.pop("force_download", False) - resume_download = kwargs.pop("resume_download", False) - proxies = kwargs.pop("proxies", None) - use_auth_token = kwargs.pop("use_auth_token", None) - local_files_only = kwargs.pop("local_files_only", False) - revision = kwargs.pop("revision", None) - _ = kwargs.pop("mirror", None) - subfolder = kwargs.pop("subfolder", None) - - user_agent = {"file_type": "config"} - - pretrained_model_name_or_path = str(pretrained_model_name_or_path) - - if cls.config_name is None: - raise ValueError( - "`self.config_name` is not defined. Note that one should not load a config from " - "`ConfigMixin`. Please make sure to define `config_name` in a class inheriting from `ConfigMixin`" - ) - - if os.path.isfile(pretrained_model_name_or_path): - config_file = pretrained_model_name_or_path - elif os.path.isdir(pretrained_model_name_or_path): - if os.path.isfile(os.path.join(pretrained_model_name_or_path, cls.config_name)): - # Load from a PyTorch checkpoint - config_file = os.path.join(pretrained_model_name_or_path, cls.config_name) - elif subfolder is not None and os.path.isfile( - os.path.join(pretrained_model_name_or_path, subfolder, cls.config_name) - ): - config_file = os.path.join(pretrained_model_name_or_path, subfolder, cls.config_name) - else: - raise EnvironmentError( - f"Error no file named {cls.config_name} found in directory {pretrained_model_name_or_path}." - ) - else: - try: - # Load from URL or cache if already cached - config_file = hf_hub_download( - pretrained_model_name_or_path, - filename=cls.config_name, - cache_dir=cache_dir, - force_download=force_download, - proxies=proxies, - resume_download=resume_download, - local_files_only=local_files_only, - use_auth_token=use_auth_token, - user_agent=user_agent, - subfolder=subfolder, - revision=revision, - ) - - except RepositoryNotFoundError: - raise EnvironmentError( - f"{pretrained_model_name_or_path} is not a local folder and is not a valid model identifier" - " listed on 'https://huggingface.co/models'\nIf this is a private repository, make sure to pass a" - " token having permission to this repo with `use_auth_token` or log in with `huggingface-cli" - " login`." - ) - except RevisionNotFoundError: - raise EnvironmentError( - f"{revision} is not a valid git identifier (branch name, tag name or commit id) that exists for" - " this model name. Check the model page at" - f" 'https://huggingface.co/{pretrained_model_name_or_path}' for available revisions." - ) - except EntryNotFoundError: - raise EnvironmentError( - f"{pretrained_model_name_or_path} does not appear to have a file named {cls.config_name}." - ) - except HTTPError as err: - raise EnvironmentError( - "There was a specific connection error when trying to load" - f" {pretrained_model_name_or_path}:\n{err}" - ) - except ValueError: - raise EnvironmentError( - f"We couldn't connect to '{HUGGINGFACE_CO_RESOLVE_ENDPOINT}' to load this model, couldn't find it" - f" in the cached files and it looks like {pretrained_model_name_or_path} is not the path to a" - f" directory containing a {cls.config_name} file.\nCheckout your internet connection or see how to" - " run the library in offline mode at" - " 'https://huggingface.co/docs/diffusers/installation#offline-mode'." - ) - except EnvironmentError: -> raise EnvironmentError( - f"Can't load config for '{pretrained_model_name_or_path}'. If you were trying to load it from " - "'https://huggingface.co/models', make sure you don't have a local directory with the same name. " - f"Otherwise, make sure '{pretrained_model_name_or_path}' is the correct path to a directory " - f"containing a {cls.config_name} file" - ) -E OSError: Can't load config for 'hf-internal-testing/unet-pipeline-dummy'. If you were trying to load it from 'https://huggingface.co/models', make sure you don't have a local directory with the same name. Otherwise, make sure 'hf-internal-testing/unet-pipeline-dummy' is the correct path to a directory containing a model_index.json file - -src/diffusers/configuration_utils.py:268: OSError diff --git a/reports/tests_torch_mps_failures_short.txt b/reports/tests_torch_mps_failures_short.txt index 13b4340e4c8b..e69de29bb2d1 100644 --- a/reports/tests_torch_mps_failures_short.txt +++ b/reports/tests_torch_mps_failures_short.txt @@ -1,106 +0,0 @@ -============================= FAILURES SHORT STACK ============================= -___________________ PipelineTesterMixin.test_smart_download ____________________ - - -cls = -pretrained_model_name_or_path = 'hf-internal-testing/unet-pipeline-dummy' -kwargs = {} -cache_dir = '/var/folders/w5/_gxjdr416b3_7wxpxxqv_2xh0000gn/T/tmp10fk1l6f' -force_download = False, resume_download = False, proxies = None -use_auth_token = None, local_files_only = False, revision = None - - @classmethod - def get_config_dict( - cls, pretrained_model_name_or_path: Union[str, os.PathLike], **kwargs - ) -> Tuple[Dict[str, Any], Dict[str, Any]]: - cache_dir = kwargs.pop("cache_dir", DIFFUSERS_CACHE) - force_download = kwargs.pop("force_download", False) - resume_download = kwargs.pop("resume_download", False) - proxies = kwargs.pop("proxies", None) - use_auth_token = kwargs.pop("use_auth_token", None) - local_files_only = kwargs.pop("local_files_only", False) - revision = kwargs.pop("revision", None) - _ = kwargs.pop("mirror", None) - subfolder = kwargs.pop("subfolder", None) - - user_agent = {"file_type": "config"} - - pretrained_model_name_or_path = str(pretrained_model_name_or_path) - - if cls.config_name is None: - raise ValueError( - "`self.config_name` is not defined. Note that one should not load a config from " - "`ConfigMixin`. Please make sure to define `config_name` in a class inheriting from `ConfigMixin`" - ) - - if os.path.isfile(pretrained_model_name_or_path): - config_file = pretrained_model_name_or_path - elif os.path.isdir(pretrained_model_name_or_path): - if os.path.isfile(os.path.join(pretrained_model_name_or_path, cls.config_name)): - # Load from a PyTorch checkpoint - config_file = os.path.join(pretrained_model_name_or_path, cls.config_name) - elif subfolder is not None and os.path.isfile( - os.path.join(pretrained_model_name_or_path, subfolder, cls.config_name) - ): - config_file = os.path.join(pretrained_model_name_or_path, subfolder, cls.config_name) - else: - raise EnvironmentError( - f"Error no file named {cls.config_name} found in directory {pretrained_model_name_or_path}." - ) - else: - try: - # Load from URL or cache if already cached - config_file = hf_hub_download( - pretrained_model_name_or_path, - filename=cls.config_name, - cache_dir=cache_dir, - force_download=force_download, - proxies=proxies, - resume_download=resume_download, - local_files_only=local_files_only, - use_auth_token=use_auth_token, - user_agent=user_agent, - subfolder=subfolder, - revision=revision, - ) - - except RepositoryNotFoundError: - raise EnvironmentError( - f"{pretrained_model_name_or_path} is not a local folder and is not a valid model identifier" - " listed on 'https://huggingface.co/models'\nIf this is a private repository, make sure to pass a" - " token having permission to this repo with `use_auth_token` or log in with `huggingface-cli" - " login`." - ) - except RevisionNotFoundError: - raise EnvironmentError( - f"{revision} is not a valid git identifier (branch name, tag name or commit id) that exists for" - " this model name. Check the model page at" - f" 'https://huggingface.co/{pretrained_model_name_or_path}' for available revisions." - ) - except EntryNotFoundError: - raise EnvironmentError( - f"{pretrained_model_name_or_path} does not appear to have a file named {cls.config_name}." - ) - except HTTPError as err: - raise EnvironmentError( - "There was a specific connection error when trying to load" - f" {pretrained_model_name_or_path}:\n{err}" - ) - except ValueError: - raise EnvironmentError( - f"We couldn't connect to '{HUGGINGFACE_CO_RESOLVE_ENDPOINT}' to load this model, couldn't find it" - f" in the cached files and it looks like {pretrained_model_name_or_path} is not the path to a" - f" directory containing a {cls.config_name} file.\nCheckout your internet connection or see how to" - " run the library in offline mode at" - " 'https://huggingface.co/docs/diffusers/installation#offline-mode'." - ) - except EnvironmentError: -> raise EnvironmentError( - f"Can't load config for '{pretrained_model_name_or_path}'. If you were trying to load it from " - "'https://huggingface.co/models', make sure you don't have a local directory with the same name. " - f"Otherwise, make sure '{pretrained_model_name_or_path}' is the correct path to a directory " - f"containing a {cls.config_name} file" - ) -E OSError: Can't load config for 'hf-internal-testing/unet-pipeline-dummy'. If you were trying to load it from 'https://huggingface.co/models', make sure you don't have a local directory with the same name. Otherwise, make sure 'hf-internal-testing/unet-pipeline-dummy' is the correct path to a directory containing a model_index.json file - -src/diffusers/configuration_utils.py:268: OSError diff --git a/reports/tests_torch_mps_passes.txt b/reports/tests_torch_mps_passes.txt index d97b6fa18e92..dd1973c914f0 100644 --- a/reports/tests_torch_mps_passes.txt +++ b/reports/tests_torch_mps_passes.txt @@ -1 +1 @@ -==================================== PASSES ==================================== +============================================================================================ PASSES ============================================================================================= diff --git a/reports/tests_torch_mps_stats.txt b/reports/tests_torch_mps_stats.txt index 8e8ce258830f..6c6c21fa32b8 100644 --- a/reports/tests_torch_mps_stats.txt +++ b/reports/tests_torch_mps_stats.txt @@ -1 +1 @@ -===== 1 failed, 193 passed, 51 skipped, 76 warnings in 1170.84s (0:19:30) ====== +=================================================================== 198 passed, 54 skipped, 123 warnings in 77.50s (0:01:17) ==================================================================== diff --git a/reports/tests_torch_mps_summary_short.txt b/reports/tests_torch_mps_summary_short.txt index 0f34c925a210..86b11a213df3 100644 --- a/reports/tests_torch_mps_summary_short.txt +++ b/reports/tests_torch_mps_summary_short.txt @@ -1,4 +1,4 @@ -=========================== short test summary info ============================ +==================================================================================== short test summary info ==================================================================================== PASSED tests/test_config.py::ConfigTester::test_load_not_from_mixin PASSED tests/test_config.py::ConfigTester::test_register_to_config PASSED tests/test_config.py::ConfigTester::test_save_load @@ -14,8 +14,8 @@ PASSED tests/test_layers_utils.py::Upsample2DBlockTests::test_upsample_with_tran PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_default PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_with_conv PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_with_conv_out_dim -PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_with_conv_pad1 PASSED tests/test_models_vae.py::AutoencoderKLTests::test_determinism +PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_with_conv_pad1 PASSED tests/test_models_unet.py::UnetModelTests::test_determinism PASSED tests/test_models_vae.py::AutoencoderKLTests::test_ema_training PASSED tests/test_models_vae.py::AutoencoderKLTests::test_enable_disable_gradient_checkpointing @@ -26,55 +26,30 @@ PASSED tests/test_models_unet.py::UnetModelTests::test_enable_disable_gradient_c PASSED tests/test_models_unet.py::UnetModelTests::test_forward_signature PASSED tests/test_models_unet.py::UnetModelTests::test_forward_with_norm_groups PASSED tests/test_models_unet.py::UnetModelTests::test_from_pretrained_save_pretrained +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_hub PASSED tests/test_models_unet.py::UnetModelTests::test_model_from_config +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_save_pretrained +PASSED tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_default PASSED tests/test_models_unet.py::UnetModelTests::test_output +PASSED tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_sd +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_model_from_config +PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_context_dim PASSED tests/test_models_unet.py::UnetModelTests::test_outputs_equivalence +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_output +PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_default +PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_dropout +PASSED tests/test_outputs.py::ConfigTester::test_outputs_dict_init +PASSED tests/test_outputs.py::ConfigTester::test_outputs_single_attribute PASSED tests/test_models_unet.py::UnetModelTests::test_training PASSED tests/test_models_unet.py::UNetLDMModelTests::test_determinism PASSED tests/test_models_unet.py::UNetLDMModelTests::test_ema_training PASSED tests/test_models_unet.py::UNetLDMModelTests::test_enable_disable_gradient_checkpointing PASSED tests/test_models_unet.py::UNetLDMModelTests::test_forward_signature PASSED tests/test_models_unet.py::UNetLDMModelTests::test_forward_with_norm_groups -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_hub -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_save_pretrained -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_model_from_config -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_output -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output +PASSED tests/test_pipelines.py::test_progress_bar PASSED tests/test_models_vae.py::AutoencoderKLTests::test_output_pretrained PASSED tests/test_models_vae.py::AutoencoderKLTests::test_outputs_equivalence PASSED tests/test_models_vae.py::AutoencoderKLTests::test_training -PASSED tests/test_outputs.py::ConfigTester::test_outputs_dict_init -PASSED tests/test_outputs.py::ConfigTester::test_outputs_single_attribute -PASSED tests/test_pipelines.py::test_progress_bar -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained -PASSED tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_forward_with_norm_groups -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_training -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism -PASSED tests/test_pipelines.py::CustomPipelineTests::test_load_custom_pipeline -PASSED tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_output -PASSED tests/test_models_vq.py::VQModelTests::test_determinism -PASSED tests/test_models_vq.py::VQModelTests::test_ema_training -PASSED tests/test_models_vq.py::VQModelTests::test_enable_disable_gradient_checkpointing -PASSED tests/test_models_vq.py::VQModelTests::test_forward_signature -PASSED tests/test_models_vq.py::VQModelTests::test_forward_with_norm_groups -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_enable_disable_gradient_checkpointing -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_signature -PASSED tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_default -PASSED tests/test_pipelines.py::CustomPipelineTests::test_local_custom_pipeline -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_with_norm_groups -PASSED tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_sd -PASSED tests/test_models_vq.py::VQModelTests::test_from_pretrained_hub -PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_context_dim -PASSED tests/test_models_vq.py::VQModelTests::test_from_pretrained_save_pretrained -PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_default -PASSED tests/test_models_vq.py::VQModelTests::test_model_from_config -PASSED tests/test_models_vq.py::VQModelTests::test_output -PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_dropout PASSED tests/test_scheduler.py::SchedulerCommonTest::test_from_pretrained_save_pretrained PASSED tests/test_scheduler.py::SchedulerCommonTest::test_scheduler_outputs_equivalence PASSED tests/test_scheduler.py::SchedulerCommonTest::test_scheduler_public_api @@ -123,8 +98,13 @@ PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_steps_offset PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_time_indices PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_timesteps PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_full_loop_no_noise +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_sigmas PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_step_shape +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config +PASSED tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_forward_with_norm_groups +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_time_indices PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_timesteps PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_betas @@ -146,101 +126,128 @@ PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_args PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_incorrect_arg PASSED tests/test_utils.py::DeprecateTester::test_deprecate_incorrect_no_standard_warn PASSED tests/test_utils.py::DeprecateTester::test_deprecate_incorrect_version +PASSED tests/pipelines/ddim/test_ddim.py::DDIMPipelineFastTests::test_inference +PASSED tests/pipelines/karras_ve/test_karras_ve.py::KarrasVePipelineFastTests::test_inference +PASSED tests/test_pipelines.py::CustomPipelineTests::test_load_custom_pipeline +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_training +PASSED tests/pipelines/latent_diffusion/test_latent_diffusion.py::LDMTextToImagePipelineFastTests::test_inference_text2img +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism +PASSED tests/pipelines/latent_diffusion/test_latent_diffusion_uncond.py::LDMPipelineFastTests::test_inference_uncond +PASSED tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_output +PASSED tests/test_models_vq.py::VQModelTests::test_determinism +PASSED tests/test_pipelines.py::CustomPipelineTests::test_local_custom_pipeline +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training +PASSED tests/test_models_vq.py::VQModelTests::test_ema_training +PASSED tests/test_models_vq.py::VQModelTests::test_enable_disable_gradient_checkpointing +PASSED tests/test_models_vq.py::VQModelTests::test_forward_signature +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_enable_disable_gradient_checkpointing +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_signature +PASSED tests/test_models_vq.py::VQModelTests::test_forward_with_norm_groups +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_with_norm_groups PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_from_pretrained_save_pretrained +PASSED tests/test_models_vq.py::VQModelTests::test_from_pretrained_hub +PASSED tests/test_models_vq.py::VQModelTests::test_from_pretrained_save_pretrained +PASSED tests/test_models_vq.py::VQModelTests::test_model_from_config +PASSED tests/test_models_vq.py::VQModelTests::test_output +PASSED tests/pipelines/pndm/test_pndm.py::PNDMPipelineFastTests::test_inference +PASSED tests/pipelines/score_sde_ve/test_score_sde_ve.py::ScoreSdeVeipelineFastTests::test_inference +PASSED tests/test_pipelines.py::CustomPipelineTests::test_run_custom_pipeline PASSED tests/test_models_vq.py::VQModelTests::test_output_pretrained PASSED tests/test_models_vq.py::VQModelTests::test_outputs_equivalence PASSED tests/test_models_vq.py::VQModelTests::test_training -PASSED tests/test_pipelines.py::CustomPipelineTests::test_run_custom_pipeline -PASSED tests/test_pipelines.py::PipelineFastTests::test_ddim -PASSED tests/test_pipelines.py::PipelineFastTests::test_from_pretrained_error_message_uninstalled_packages -PASSED tests/test_pipelines.py::PipelineFastTests::test_karras_ve_pipeline PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing -PASSED tests/test_pipelines.py::PipelineFastTests::test_ldm_text2img -PASSED tests/test_pipelines.py::PipelineFastTests::test_ldm_uncond -PASSED tests/test_pipelines.py::PipelineFastTests::test_pndm_cifar10 -PASSED tests/test_pipelines.py::PipelineFastTests::test_score_sde_ve_pipeline +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_model_from_config +PASSED tests/test_pipelines.py::PipelineFastTests::test_components PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_output +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_k_lms +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_attention_chunk PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_outputs_equivalence -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_attention_chunk +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_multiple_init_images PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_training +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_negative_prompt PASSED tests/test_models_unet.py::NCSNppModelTests::test_determinism +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim PASSED tests/test_models_unet.py::NCSNppModelTests::test_ema_training PASSED tests/test_models_unet.py::NCSNppModelTests::test_enable_disable_gradient_checkpointing PASSED tests/test_models_unet.py::NCSNppModelTests::test_forward_signature PASSED tests/test_models_unet.py::NCSNppModelTests::test_forward_with_norm_groups +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py::StableDiffusionInpaintPipelineFastTests::test_stable_diffusion_inpaint PASSED tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt +PASSED tests/repo_utils/test_check_copies.py::CopyCheckTester::test_find_code_in_diffusers +PASSED tests/repo_utils/test_check_copies.py::CopyCheckTester::test_is_copy_consistent +PASSED tests/repo_utils/test_check_dummies.py::CheckDummiesTester::test_create_dummy_files +PASSED tests/repo_utils/test_check_dummies.py::CheckDummiesTester::test_create_dummy_object +PASSED tests/repo_utils/test_check_dummies.py::CheckDummiesTester::test_find_backend +PASSED tests/repo_utils/test_check_dummies.py::CheckDummiesTester::test_read_init PASSED tests/test_models_unet.py::NCSNppModelTests::test_model_from_config +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 PASSED tests/test_models_unet.py::NCSNppModelTests::test_output -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_ddim +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt PASSED tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large PASSED tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_k_lms PASSED tests/test_models_unet.py::NCSNppModelTests::test_training -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_ddim_factor_8 -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_k_lms -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_multiple_init_images -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_negative_prompt -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint_legacy -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_k_lms -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_negative_prompt -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_no_safety_checker -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_num_images_per_prompt -PASSED tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_pndm -PASSED tests/test_pipelines.py::PipelineTesterMixin::test_from_pretrained_save_pretrained +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_negative_prompt +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_num_images_per_prompt +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_pndm SKIPPED [1] tests/test_models_unet.py:138: This test is supposed to run on GPU SKIPPED [1] tests/test_models_unet.py:148: This test is supposed to run on GPU -SKIPPED [1] tests/test_models_unet.py:180: This test is supposed to run on GPU -SKIPPED [1] tests/test_pipelines.py:121: test is slow SKIPPED [1] tests/test_pipelines_flax.py:36: test is slow SKIPPED [1] tests/test_pipelines_flax.py:70: test is slow SKIPPED [1] tests/test_pipelines_flax.py:100: test is slow SKIPPED [1] tests/test_pipelines_flax.py:158: test is slow SKIPPED [1] tests/test_pipelines_flax.py:130: test is slow +SKIPPED [1] tests/test_models_unet.py:180: This test is supposed to run on GPU SKIPPED [1] tests/test_training.py:35: test is slow +SKIPPED [1] tests/pipelines/ddim/test_ddim.py:97: test is slow +SKIPPED [1] tests/pipelines/ddim/test_ddim.py:78: test is slow +SKIPPED [1] tests/pipelines/ddpm/test_ddpm.py:38: test is slow +SKIPPED [1] tests/pipelines/karras_ve/test_karras_ve.py:71: test is slow +SKIPPED [1] tests/test_pipelines.py:110: test is slow +SKIPPED [1] tests/pipelines/latent_diffusion/test_latent_diffusion.py:123: test is slow +SKIPPED [1] tests/pipelines/latent_diffusion/test_latent_diffusion.py:140: test is slow +SKIPPED [1] tests/pipelines/latent_diffusion/test_latent_diffusion_uncond.py:107: test is slow +SKIPPED [1] tests/pipelines/pndm/test_pndm.py:71: test is slow +SKIPPED [1] tests/pipelines/score_sde_ve/test_score_sde_ve.py:73: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_onnx_stable_diffusion.py:34: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_onnx_stable_diffusion.py:50: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_onnx_stable_diffusion_img2img.py:34: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_onnx_stable_diffusion_inpaint.py:34: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py:424: This test requires a GPU +SKIPPED [1] tests/test_pipelines.py:441: test is slow +SKIPPED [1] tests/test_pipelines.py:464: test is slow +SKIPPED [1] tests/test_pipelines.py:376: test is slow +SKIPPED [1] tests/test_pipelines.py:396: test is slow +SKIPPED [1] tests/test_pipelines.py:346: test is slow +SKIPPED [1] tests/test_pipelines.py:419: test is slow +SKIPPED [1] tests/test_pipelines.py:316: test is slow +SKIPPED [1] tests/test_pipelines.py:504: test is slow +SKIPPED [1] tests/test_pipelines.py:491: test is slow +SKIPPED [1] tests/test_pipelines.py:337: test is slow SKIPPED [1] tests/test_models_unet.py:384: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:218: This test requires a GPU +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:272: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:311: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:352: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py:554: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py:475: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py:513: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:485: This test requires a GPU SKIPPED [1] tests/test_models_unet.py:398: test is slow -SKIPPED [1] tests/test_pipelines.py:1276: This test requires a GPU -SKIPPED [1] tests/test_pipelines.py:1309: This test requires a GPU -SKIPPED [1] tests/test_pipelines.py:1350: This test requires a GPU -SKIPPED [1] tests/test_pipelines.py:1568: test is slow -SKIPPED [1] tests/test_pipelines.py:1548: test is slow -SKIPPED [1] tests/test_pipelines.py:1528: test is slow -SKIPPED [1] tests/test_pipelines.py:1729: test is slow -SKIPPED [1] tests/test_pipelines.py:1753: (Anton) The test is failing for large batch sizes, needs investigation -SKIPPED [1] tests/test_pipelines.py:1460: test is slow -SKIPPED [1] tests/test_pipelines.py:1481: test is slow -SKIPPED [1] tests/test_pipelines.py:1780: test is slow -SKIPPED [1] tests/test_pipelines.py:1607: test is slow -SKIPPED [1] tests/test_pipelines.py:1625: test is slow -SKIPPED [1] tests/test_pipelines.py:1714: test is slow -SKIPPED [1] tests/test_pipelines.py:1798: test is slow -SKIPPED [1] tests/test_pipelines.py:1505: test is slow -SKIPPED [1] tests/test_pipelines.py:1588: test is slow -SKIPPED [1] tests/test_pipelines.py:1693: test is slow -SKIPPED [1] tests/test_pipelines.py:1641: test is slow -SKIPPED [1] tests/test_pipelines.py:2511: test is slow -SKIPPED [1] tests/test_pipelines.py:2497: test is slow -SKIPPED [1] tests/test_pipelines.py:1664: test is slow -SKIPPED [1] tests/test_pipelines.py:2346: test is slow -SKIPPED [1] tests/test_pipelines.py:2231: test is slow -SKIPPED [1] tests/test_pipelines.py:1916: test is slow -SKIPPED [1] tests/test_pipelines.py:1956: test is slow -SKIPPED [1] tests/test_pipelines.py:2400: test is slow -SKIPPED [1] tests/test_pipelines.py:2083: test is slow -SKIPPED [1] tests/test_pipelines.py:2167: test is slow -SKIPPED [1] tests/test_pipelines.py:2262: test is slow -SKIPPED [1] tests/test_pipelines.py:1999: test is slow -SKIPPED [1] tests/test_pipelines.py:2040: test is slow -SKIPPED [1] tests/test_pipelines.py:2126: test is slow -SKIPPED [1] tests/test_pipelines.py:1818: test is slow -SKIPPED [1] tests/test_pipelines.py:2214: test is slow -SKIPPED [1] tests/test_pipelines.py:2460: test is slow -SKIPPED [1] tests/test_pipelines.py:2296: test is slow -SKIPPED [1] tests/test_pipelines.py:1889: test is slow -SKIPPED [1] tests/test_pipelines.py:1858: test is slow -FAILED tests/test_pipelines.py::PipelineTesterMixin::test_smart_download - OS... +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py:438: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py:352: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py:393: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:576: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:528: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:549: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:594: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:686: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:661: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:632: test is slow diff --git a/reports/tests_torch_mps_warnings.txt b/reports/tests_torch_mps_warnings.txt index 81d0262f7458..7e52955d2120 100644 --- a/reports/tests_torch_mps_warnings.txt +++ b/reports/tests_torch_mps_warnings.txt @@ -1,19 +1,27 @@ -=========================== warnings summary (final) =========================== -src/diffusers/dynamic_modules_utils.py:80 - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/dynamic_modules_utils.py:80: DeprecationWarning: invalid escape sequence \s - relative_imports = re.findall("^\s*import\s+\.(\S+)\s*$", content, flags=re.MULTILINE) +=================================================================================== warnings summary (final) ==================================================================================== +../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:239 +../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:239 +../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:239 +../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:239 +../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:239 + /Users/stutiraizada/Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:239: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead. + def resize(self, image, size, resample=PIL.Image.BILINEAR, default_to_square=True, max_size=None): -src/diffusers/dynamic_modules_utils.py:82 - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/dynamic_modules_utils.py:82: DeprecationWarning: invalid escape sequence \s - relative_imports += re.findall("^\s*from\s+\.(\S+)\s+import", content, flags=re.MULTILINE) +../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:396 +../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:396 +../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:396 +../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:396 +../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:396 + /Users/stutiraizada/Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:396: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead. + def rotate(self, image, angle, resample=PIL.Image.NEAREST, expand=0, center=None, translate=None, fillcolor=None): -src/diffusers/dynamic_modules_utils.py:124 - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/dynamic_modules_utils.py:124: DeprecationWarning: invalid escape sequence \s - imports = re.findall("^\s*import\s+(\S+)\s*$", content, flags=re.MULTILINE) - -src/diffusers/dynamic_modules_utils.py:126 - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/dynamic_modules_utils.py:126: DeprecationWarning: invalid escape sequence \s - imports += re.findall("^\s*from\s+(\S+)\s+import", content, flags=re.MULTILINE) +../../../Library/Python/3.8/lib/python/site-packages/transformers/models/clip/feature_extraction_clip.py:67 +../../../Library/Python/3.8/lib/python/site-packages/transformers/models/clip/feature_extraction_clip.py:67 +../../../Library/Python/3.8/lib/python/site-packages/transformers/models/clip/feature_extraction_clip.py:67 +../../../Library/Python/3.8/lib/python/site-packages/transformers/models/clip/feature_extraction_clip.py:67 +../../../Library/Python/3.8/lib/python/site-packages/transformers/models/clip/feature_extraction_clip.py:67 + /Users/stutiraizada/Library/Python/3.8/lib/python/site-packages/transformers/models/clip/feature_extraction_clip.py:67: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead. + resample=Image.BICUBIC, tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_betas tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_from_pretrained_save_pretrained @@ -22,7 +30,7 @@ tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_schedules tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_step_shape tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_time_indices tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_timesteps - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/schedulers/scheduling_lms_discrete.py:198: UserWarning: The `scale_model_input` function should be called before `step` to ensure correct denoising. See `StableDiffusionPipeline` for a usage example. + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/schedulers/scheduling_lms_discrete.py:199: UserWarning: The `scale_model_input` function should be called before `step` to ensure correct denoising. See `StableDiffusionPipeline` for a usage example. warnings.warn( tests/test_scheduler.py: 30 warnings @@ -30,9 +38,83 @@ tests/test_scheduler.py: 30 warnings warnings.warn(warning + message, DeprecationWarning) tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing - /Users/stutiraizada/opt/anaconda3/lib/python3.9/site-packages/torch/amp/autocast_mode.py:198: UserWarning: User provided device_type of 'cuda', but CUDA is not available. Disabling + /Users/stutiraizada/Library/Python/3.8/lib/python/site-packages/torch/amp/autocast_mode.py:198: UserWarning: User provided device_type of 'cuda', but CUDA is not available. Disabling warnings.warn('User provided device_type of \'cuda\', but CUDA is not available. Disabling') +tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py: 4 warnings +tests/test_pipelines.py: 1 warning +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py: 1 warning +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py: 3 warnings +tests/pipelines/stable_diffusion/test_stable_diffusion.py: 3 warnings + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: The configuration file of this scheduler: PNDMScheduler { + "_class_name": "PNDMScheduler", + "_diffusers_version": "0.7.0.dev0", + "beta_end": 0.02, + "beta_schedule": "linear", + "beta_start": 0.0001, + "num_train_timesteps": 1000, + "set_alpha_to_one": false, + "skip_prk_steps": true, + "steps_offset": 0, + "trained_betas": null + } + is outdated. `steps_offset` should be set to 1 instead of 0. Please make sure to update the config accordingly as leaving `steps_offset` might led to incorrect results in future versions. If you have downloaded this checkpoint from the Hugging Face Hub, it would be very nice if you could open a Pull request for the `scheduler/scheduler_config.json` file + warnings.warn(warning + message, DeprecationWarning) + +tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img +tests/test_pipelines.py::PipelineFastTests::test_components +tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_k_lms +tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_multiple_init_images +tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_negative_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_img2img.py:87: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead + logger.warn( + +tests/test_pipelines.py::PipelineFastTests::test_components +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint_legacy.py:100: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead + logger.warn( + +tests/test_pipelines.py::PipelineFastTests::test_components +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_attention_chunk +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_k_lms +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_negative_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_num_images_per_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_pndm + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py:75: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead + logger.warn( + +tests/test_pipelines.py::PipelineFastTests::test_components +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint_legacy.py:26: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead. + image = image.resize((w, h), resample=PIL.Image.LANCZOS) + +tests/test_pipelines.py::PipelineFastTests::test_components +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint_legacy.py:37: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead. + mask = mask.resize((w // 8, h // 8), resample=PIL.Image.NEAREST) + +tests/test_pipelines.py::PipelineFastTests::test_components + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_img2img.py:25: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead. + image = image.resize((w, h), resample=PIL.Image.LANCZOS) + tests/test_models_unet.py::NCSNppModelTests::test_determinism tests/test_models_unet.py::NCSNppModelTests::test_ema_training tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained @@ -55,11 +137,11 @@ tests/test_models_unet.py::NCSNppModelTests::test_training /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/models/resnet.py:201: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor). torch.tensor(kernel, device=hidden_states.device), -tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_ddim -tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_ddim_factor_8 +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: The configuration file of this scheduler: DDIMScheduler { "_class_name": "DDIMScheduler", - "_diffusers_version": "0.6.0", + "_diffusers_version": "0.7.0.dev0", "beta_end": 0.012, "beta_schedule": "scaled_linear", "beta_start": 0.00085, @@ -72,37 +154,17 @@ tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_ddim_factor_8 is outdated. `steps_offset` should be set to 1 instead of 0. Please make sure to update the config accordingly as leaving `steps_offset` might led to incorrect results in future versions. If you have downloaded this checkpoint from the Hugging Face Hub, it would be very nice if you could open a Pull request for the `scheduler/scheduler_config.json` file warnings.warn(warning + message, DeprecationWarning) -tests/test_pipelines.py: 11 warnings - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: The configuration file of this scheduler: PNDMScheduler { - "_class_name": "PNDMScheduler", - "_diffusers_version": "0.6.0", - "beta_end": 0.02, - "beta_schedule": "linear", - "beta_start": 0.0001, - "num_train_timesteps": 1000, - "set_alpha_to_one": false, - "skip_prk_steps": true, - "steps_offset": 0, - "trained_betas": null - } - is outdated. `steps_offset` should be set to 1 instead of 0. Please make sure to update the config accordingly as leaving `steps_offset` might led to incorrect results in future versions. If you have downloaded this checkpoint from the Hugging Face Hub, it would be very nice if you could open a Pull request for the `scheduler/scheduler_config.json` file - warnings.warn(warning + message, DeprecationWarning) - -tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt -tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: You have passed 2 text prompts (`prompt`), but only 1 initial images (`init_image`). Initial images are now duplicating to match the number of text prompts. Note that this behavior is deprecated and will be removed in a version 1.0.0. Please make sure to update your script to pass as many init images as text prompts to suppress this warning. - warnings.warn(warning + message, DeprecationWarning) - -tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_inpaint +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py::StableDiffusionInpaintPipelineFastTests::test_stable_diffusion_inpaint /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint.py:94: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead logger.warn( -tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_no_safety_checker - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipeline_utils.py:479: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead - logger.warn( +tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: You have passed 2 text prompts (`prompt`), but only 1 initial images (`init_image`). Initial images are now duplicating to match the number of text prompts. Note that this behavior is deprecated and will be removed in a version 1.0.0. Please make sure to update your script to pass as many init images as text prompts to suppress this warning. + warnings.warn(warning + message, DeprecationWarning) -tests/test_pipelines.py::PipelineFastTests::test_stable_diffusion_no_safety_checker - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py:75: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipeline_utils.py:484: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead logger.warn( --- Docs: https://docs.pytest.org/en/stable/warnings.html +-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html From 4f2c72b51b4b52a26f3601d2ef2d7a7ebf6255ea Mon Sep 17 00:00:00 2001 From: Stuti R <71293255+kingstut@users.noreply.github.com> Date: Tue, 25 Oct 2022 13:48:06 +0530 Subject: [PATCH 6/8] tests --- reports/tests_torch_mps_durations.txt | 193 ++++++++++------------ reports/tests_torch_mps_passes.txt | 2 +- reports/tests_torch_mps_stats.txt | 2 +- reports/tests_torch_mps_summary_short.txt | 116 ++++++------- reports/tests_torch_mps_warnings.txt | 130 +++++---------- 5 files changed, 191 insertions(+), 252 deletions(-) diff --git a/reports/tests_torch_mps_durations.txt b/reports/tests_torch_mps_durations.txt index da36ef408fc8..fbba0e5dcf96 100644 --- a/reports/tests_torch_mps_durations.txt +++ b/reports/tests_torch_mps_durations.txt @@ -1,104 +1,93 @@ slowest durations -13.09s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_num_images_per_prompt -12.32s call tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_forward_with_norm_groups -7.81s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py::StableDiffusionInpaintPipelineFastTests::test_stable_diffusion_inpaint -6.91s call tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_default -6.43s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_attention_chunk -6.25s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim -6.20s call tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_output -6.16s call tests/test_pipelines.py::CustomPipelineTests::test_run_custom_pipeline -6.07s call tests/pipelines/pndm/test_pndm.py::PNDMPipelineFastTests::test_inference -5.51s call tests/test_pipelines.py::PipelineFastTests::test_components -5.35s call tests/test_pipelines.py::CustomPipelineTests::test_load_custom_pipeline -4.50s call tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing -4.19s call tests/test_pipelines.py::CustomPipelineTests::test_local_custom_pipeline -3.79s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_pndm -3.79s call tests/test_models_unet.py::UnetModelTests::test_ema_training -3.60s call tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_hub -3.48s call tests/test_models_unet.py::UNet2DConditionModelTests::test_training -3.47s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_k_lms -3.47s call tests/test_models_unet.py::UNet2DConditionModelTests::test_model_from_config -3.37s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker -3.12s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 -3.06s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img -2.78s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt -2.69s call tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large -2.68s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_negative_prompt -2.66s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_multiple_init_images -2.62s call tests/pipelines/latent_diffusion/test_latent_diffusion.py::LDMTextToImagePipelineFastTests::test_inference_text2img -2.59s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub -2.59s call tests/test_models_vq.py::VQModelTests::test_from_pretrained_hub -2.57s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_k_lms -2.57s call tests/test_models_vae.py::AutoencoderKLTests::test_ema_training -2.54s call tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained -2.40s call tests/test_models_vq.py::VQModelTests::test_output_pretrained -2.40s call tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training -2.40s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_negative_prompt -2.38s call tests/test_models_vae.py::AutoencoderKLTests::test_output_pretrained -2.27s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy -2.26s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt -1.84s call tests/test_models_unet.py::NCSNppModelTests::test_model_from_config -1.70s call tests/test_models_unet.py::UNet2DConditionModelTests::test_from_pretrained_save_pretrained -1.62s call tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism -1.62s call tests/test_models_unet.py::UnetModelTests::test_model_from_config -1.62s call tests/test_models_unet.py::UNet2DConditionModelTests::test_outputs_equivalence -1.56s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt -1.49s call tests/pipelines/score_sde_ve/test_score_sde_ve.py::ScoreSdeVeipelineFastTests::test_inference -1.18s call tests/test_models_unet.py::UNet2DConditionModelTests::test_output -1.16s call tests/test_models_unet.py::NCSNppModelTests::test_ema_training -1.10s call tests/test_pipelines.py::test_progress_bar -0.92s call tests/test_models_unet.py::NCSNppModelTests::test_determinism -0.79s call tests/test_models_unet.py::UnetModelTests::test_from_pretrained_save_pretrained -0.71s call tests/pipelines/latent_diffusion/test_latent_diffusion_uncond.py::LDMPipelineFastTests::test_inference_uncond -0.68s call tests/test_models_vae.py::AutoencoderKLTests::test_model_from_config -0.65s call tests/test_models_unet.py::UnetModelTests::test_outputs_equivalence -0.64s call tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_with_norm_groups -0.60s call tests/test_models_unet.py::UnetModelTests::test_training -0.58s call tests/test_models_unet.py::UnetModelTests::test_determinism -0.53s call tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained -0.50s call tests/test_models_unet.py::NCSNppModelTests::test_training -0.49s call tests/test_models_vq.py::VQModelTests::test_model_from_config -0.47s call tests/test_models_vq.py::VQModelTests::test_ema_training -0.46s call tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence -0.44s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_time_indices -0.43s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_sigmas -0.41s call tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_sd -0.39s call tests/test_models_vae.py::AutoencoderKLTests::test_forward_with_norm_groups -0.39s call tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config -0.35s call tests/test_models_vq.py::VQModelTests::test_from_pretrained_save_pretrained -0.31s call tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_save_pretrained -0.30s call tests/test_models_vq.py::VQModelTests::test_determinism -0.29s call tests/test_models_unet.py::UNetLDMModelTests::test_ema_training -0.28s call tests/pipelines/karras_ve/test_karras_ve.py::KarrasVePipelineFastTests::test_inference -0.27s call tests/pipelines/ddim/test_ddim.py::DDIMPipelineFastTests::test_inference -0.27s call tests/test_models_vae.py::AutoencoderKLTests::test_determinism -0.26s call tests/test_models_unet.py::UnetModelTests::test_forward_with_norm_groups -0.25s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_dropout -0.24s call tests/test_models_unet.py::NCSNppModelTests::test_output -0.23s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_timesteps -0.21s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_context_dim -0.21s call tests/test_models_unet.py::UNetLDMModelTests::test_training -0.20s call tests/test_models_vq.py::VQModelTests::test_outputs_equivalence -0.20s call tests/test_models_vae.py::AutoencoderKLTests::test_output -0.19s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_default -0.19s call tests/test_models_unet.py::UnetModelTests::test_output -0.18s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained -0.18s call tests/test_models_unet.py::UNetLDMModelTests::test_determinism -0.18s call tests/test_scheduler.py::DDPMSchedulerTest::test_full_loop_no_noise -0.15s call tests/test_models_vq.py::VQModelTests::test_output -0.13s call tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence -0.12s call tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_time_indices -0.12s call tests/test_scheduler.py::DDPMSchedulerTest::test_time_indices -0.11s call tests/test_models_vae.py::AutoencoderKLTests::test_outputs_equivalence -0.11s call tests/test_scheduler.py::DDIMSchedulerTest::test_inference_steps -0.11s call tests/test_scheduler.py::DDIMSchedulerTest::test_eta -0.10s call tests/test_scheduler.py::DDIMSchedulerTest::test_time_indices -0.10s call tests/test_utils.py::DeprecateTester::test_deprecate_function_incorrect_arg -0.09s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_full_loop_no_noise +25.06s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_num_images_per_prompt +9.05s call tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_forward_with_norm_groups +9.02s call tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_default +7.49s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py::StableDiffusionInpaintPipelineFastTests::test_stable_diffusion_inpaint +6.26s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_pndm +6.01s call tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing +5.77s call tests/test_pipelines.py::CustomPipelineTests::test_run_custom_pipeline +5.41s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_k_lms +5.18s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim +5.05s call tests/test_pipelines.py::CustomPipelineTests::test_load_custom_pipeline +5.04s call tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_output +4.42s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_attention_chunk +4.29s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker +4.28s call tests/test_pipelines.py::PipelineFastTests::test_components +3.73s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_negative_prompt +3.68s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 +3.41s call tests/test_models_unet.py::UNet2DConditionModelTests::test_model_from_config +3.08s call tests/test_pipelines.py::CustomPipelineTests::test_local_custom_pipeline +2.89s call tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_hub +2.79s call tests/test_models_unet.py::UNet2DConditionModelTests::test_training +2.73s call tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training +2.65s call tests/test_models_vae.py::AutoencoderKLTests::test_output_pretrained +2.60s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub +2.58s call tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained +2.50s call tests/test_models_unet.py::UNet2DConditionModelTests::test_outputs_equivalence +2.48s call tests/test_models_vq.py::VQModelTests::test_from_pretrained_hub +2.41s call tests/test_models_unet.py::UNet2DConditionModelTests::test_from_pretrained_save_pretrained +2.40s call tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism +2.40s call tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large +2.31s call tests/test_models_vq.py::VQModelTests::test_output_pretrained +2.14s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt +1.93s call tests/pipelines/pndm/test_pndm.py::PNDMPipelineFastTests::test_inference +1.90s call tests/pipelines/latent_diffusion/test_latent_diffusion.py::LDMTextToImagePipelineFastTests::test_inference_text2img +1.79s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt +1.50s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy +1.48s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_multiple_init_images +1.45s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img +1.42s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt +1.41s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_k_lms +1.39s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_negative_prompt +1.29s call tests/test_models_unet.py::UNet2DConditionModelTests::test_output +1.17s call tests/test_models_unet.py::UnetModelTests::test_model_from_config +1.06s call tests/test_models_unet.py::NCSNppModelTests::test_model_from_config +0.96s call tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_with_norm_groups +0.89s call tests/test_pipelines.py::test_progress_bar +0.61s call tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_sd +0.41s call tests/test_models_unet.py::NCSNppModelTests::test_ema_training +0.38s call tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config +0.37s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_dropout +0.34s call tests/test_models_unet.py::UnetModelTests::test_ema_training +0.33s call tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained +0.32s call tests/test_models_unet.py::UnetModelTests::test_from_pretrained_save_pretrained +0.32s call tests/test_models_unet.py::NCSNppModelTests::test_training +0.31s call tests/pipelines/score_sde_ve/test_score_sde_ve.py::ScoreSdeVeipelineFastTests::test_inference +0.29s call tests/test_models_vae.py::AutoencoderKLTests::test_model_from_config +0.28s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_context_dim +0.27s call tests/test_models_unet.py::NCSNppModelTests::test_determinism +0.26s call tests/test_models_vq.py::VQModelTests::test_model_from_config +0.25s call tests/test_models_unet.py::UnetModelTests::test_training +0.25s call tests/pipelines/latent_diffusion/test_latent_diffusion_uncond.py::LDMPipelineFastTests::test_inference_uncond +0.24s call tests/test_models_vae.py::AutoencoderKLTests::test_ema_training +0.23s call tests/test_models_unet.py::UnetModelTests::test_determinism +0.23s call tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence +0.23s call tests/test_models_unet.py::UNetLDMModelTests::test_ema_training +0.22s call tests/pipelines/karras_ve/test_karras_ve.py::KarrasVePipelineFastTests::test_inference +0.22s call tests/test_models_unet.py::UnetModelTests::test_outputs_equivalence +0.22s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_default +0.21s call tests/test_models_vae.py::AutoencoderKLTests::test_outputs_equivalence +0.21s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_sigmas +0.21s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_time_indices +0.21s call tests/test_models_vq.py::VQModelTests::test_ema_training +0.20s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained +0.20s call tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_save_pretrained +0.20s call tests/pipelines/ddim/test_ddim.py::DDIMPipelineFastTests::test_inference +0.19s call tests/test_models_unet.py::UNetLDMModelTests::test_training +0.18s call tests/test_models_vae.py::AutoencoderKLTests::test_determinism +0.15s call tests/test_models_vq.py::VQModelTests::test_from_pretrained_save_pretrained +0.15s call tests/test_scheduler.py::DDPMSchedulerTest::test_full_loop_no_noise +0.15s call tests/test_models_vq.py::VQModelTests::test_determinism +0.15s call tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence +0.14s call tests/test_models_unet.py::UNetLDMModelTests::test_determinism +0.13s call tests/test_models_vq.py::VQModelTests::test_outputs_equivalence +0.13s call tests/test_models_unet.py::NCSNppModelTests::test_output +0.12s call tests/test_models_unet.py::UnetModelTests::test_output 0.09s call tests/test_models_unet.py::UNetLDMModelTests::test_output -0.08s call tests/test_models_vq.py::VQModelTests::test_forward_with_norm_groups -0.07s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_step_shape -0.07s call tests/test_models_unet.py::UNetLDMModelTests::test_forward_with_norm_groups -0.07s call tests/test_scheduler.py::DDPMSchedulerTest::test_from_pretrained_save_pretrained -0.05s call tests/test_layers_utils.py::Upsample2DBlockTests::test_upsample_default -654 durations < 0.05 secs were omitted \ No newline at end of file +0.08s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_full_loop_no_noise +0.08s call tests/test_utils.py::DeprecateTester::test_deprecate_function_incorrect_arg +0.07s call tests/test_models_vae.py::AutoencoderKLTests::test_output +0.07s call tests/test_models_vq.py::VQModelTests::test_output +0.06s call tests/test_models_unet.py::UnetModelTests::test_forward_with_norm_groups +0.06s call tests/test_models_vae.py::AutoencoderKLTests::test_forward_with_norm_groups +665 durations < 0.05 secs were omitted \ No newline at end of file diff --git a/reports/tests_torch_mps_passes.txt b/reports/tests_torch_mps_passes.txt index dd1973c914f0..d97b6fa18e92 100644 --- a/reports/tests_torch_mps_passes.txt +++ b/reports/tests_torch_mps_passes.txt @@ -1 +1 @@ -============================================================================================ PASSES ============================================================================================= +==================================== PASSES ==================================== diff --git a/reports/tests_torch_mps_stats.txt b/reports/tests_torch_mps_stats.txt index 6c6c21fa32b8..8f20fbf66bad 100644 --- a/reports/tests_torch_mps_stats.txt +++ b/reports/tests_torch_mps_stats.txt @@ -1 +1 @@ -=================================================================== 198 passed, 54 skipped, 123 warnings in 77.50s (0:01:17) ==================================================================== +=========== 198 passed, 54 skipped, 91 warnings in 81.51s (0:01:21) ============ diff --git a/reports/tests_torch_mps_summary_short.txt b/reports/tests_torch_mps_summary_short.txt index 86b11a213df3..02341772db2b 100644 --- a/reports/tests_torch_mps_summary_short.txt +++ b/reports/tests_torch_mps_summary_short.txt @@ -1,4 +1,4 @@ -==================================================================================== short test summary info ==================================================================================== +=========================== short test summary info ============================ PASSED tests/test_config.py::ConfigTester::test_load_not_from_mixin PASSED tests/test_config.py::ConfigTester::test_register_to_config PASSED tests/test_config.py::ConfigTester::test_save_load @@ -14,8 +14,8 @@ PASSED tests/test_layers_utils.py::Upsample2DBlockTests::test_upsample_with_tran PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_default PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_with_conv PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_with_conv_out_dim -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_determinism PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_with_conv_pad1 +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_determinism PASSED tests/test_models_unet.py::UnetModelTests::test_determinism PASSED tests/test_models_vae.py::AutoencoderKLTests::test_ema_training PASSED tests/test_models_vae.py::AutoencoderKLTests::test_enable_disable_gradient_checkpointing @@ -26,30 +26,38 @@ PASSED tests/test_models_unet.py::UnetModelTests::test_enable_disable_gradient_c PASSED tests/test_models_unet.py::UnetModelTests::test_forward_signature PASSED tests/test_models_unet.py::UnetModelTests::test_forward_with_norm_groups PASSED tests/test_models_unet.py::UnetModelTests::test_from_pretrained_save_pretrained -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_hub PASSED tests/test_models_unet.py::UnetModelTests::test_model_from_config -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_save_pretrained -PASSED tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_default PASSED tests/test_models_unet.py::UnetModelTests::test_output -PASSED tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_sd -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_model_from_config -PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_context_dim PASSED tests/test_models_unet.py::UnetModelTests::test_outputs_equivalence -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_output -PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_default -PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_dropout -PASSED tests/test_outputs.py::ConfigTester::test_outputs_dict_init -PASSED tests/test_outputs.py::ConfigTester::test_outputs_single_attribute PASSED tests/test_models_unet.py::UnetModelTests::test_training PASSED tests/test_models_unet.py::UNetLDMModelTests::test_determinism PASSED tests/test_models_unet.py::UNetLDMModelTests::test_ema_training PASSED tests/test_models_unet.py::UNetLDMModelTests::test_enable_disable_gradient_checkpointing PASSED tests/test_models_unet.py::UNetLDMModelTests::test_forward_signature PASSED tests/test_models_unet.py::UNetLDMModelTests::test_forward_with_norm_groups -PASSED tests/test_pipelines.py::test_progress_bar +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_hub +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_save_pretrained +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_model_from_config +PASSED tests/test_models_vae.py::AutoencoderKLTests::test_output +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output PASSED tests/test_models_vae.py::AutoencoderKLTests::test_output_pretrained PASSED tests/test_models_vae.py::AutoencoderKLTests::test_outputs_equivalence PASSED tests/test_models_vae.py::AutoencoderKLTests::test_training +PASSED tests/test_outputs.py::ConfigTester::test_outputs_dict_init +PASSED tests/test_outputs.py::ConfigTester::test_outputs_single_attribute +PASSED tests/test_pipelines.py::test_progress_bar +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained +PASSED tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_forward_with_norm_groups +PASSED tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_default +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence +PASSED tests/test_models_unet.py::UNetLDMModelTests::test_training +PASSED tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_sd +PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_context_dim +PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_default +PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_dropout PASSED tests/test_scheduler.py::SchedulerCommonTest::test_from_pretrained_save_pretrained PASSED tests/test_scheduler.py::SchedulerCommonTest::test_scheduler_outputs_equivalence PASSED tests/test_scheduler.py::SchedulerCommonTest::test_scheduler_public_api @@ -98,13 +106,8 @@ PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_steps_offset PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_time_indices PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_timesteps PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_full_loop_no_noise -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_sigmas PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_step_shape -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config -PASSED tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_forward_with_norm_groups -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_time_indices PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_timesteps PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_betas @@ -123,88 +126,85 @@ PASSED tests/test_utils.py::DeprecateTester::test_deprecate_class_objs PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_arg PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_arg_tuple PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_args +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_incorrect_arg PASSED tests/test_utils.py::DeprecateTester::test_deprecate_incorrect_no_standard_warn PASSED tests/test_utils.py::DeprecateTester::test_deprecate_incorrect_version PASSED tests/pipelines/ddim/test_ddim.py::DDIMPipelineFastTests::test_inference PASSED tests/pipelines/karras_ve/test_karras_ve.py::KarrasVePipelineFastTests::test_inference PASSED tests/test_pipelines.py::CustomPipelineTests::test_load_custom_pipeline -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_training -PASSED tests/pipelines/latent_diffusion/test_latent_diffusion.py::LDMTextToImagePipelineFastTests::test_inference_text2img -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism -PASSED tests/pipelines/latent_diffusion/test_latent_diffusion_uncond.py::LDMPipelineFastTests::test_inference_uncond PASSED tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_output +PASSED tests/pipelines/latent_diffusion/test_latent_diffusion.py::LDMTextToImagePipelineFastTests::test_inference_text2img PASSED tests/test_models_vq.py::VQModelTests::test_determinism -PASSED tests/test_pipelines.py::CustomPipelineTests::test_local_custom_pipeline -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training PASSED tests/test_models_vq.py::VQModelTests::test_ema_training PASSED tests/test_models_vq.py::VQModelTests::test_enable_disable_gradient_checkpointing PASSED tests/test_models_vq.py::VQModelTests::test_forward_signature +PASSED tests/pipelines/latent_diffusion/test_latent_diffusion_uncond.py::LDMPipelineFastTests::test_inference_uncond +PASSED tests/test_models_vq.py::VQModelTests::test_forward_with_norm_groups +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_enable_disable_gradient_checkpointing PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_signature -PASSED tests/test_models_vq.py::VQModelTests::test_forward_with_norm_groups PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_with_norm_groups -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_from_pretrained_save_pretrained +PASSED tests/test_pipelines.py::CustomPipelineTests::test_local_custom_pipeline +PASSED tests/pipelines/pndm/test_pndm.py::PNDMPipelineFastTests::test_inference +PASSED tests/pipelines/score_sde_ve/test_score_sde_ve.py::ScoreSdeVeipelineFastTests::test_inference PASSED tests/test_models_vq.py::VQModelTests::test_from_pretrained_hub PASSED tests/test_models_vq.py::VQModelTests::test_from_pretrained_save_pretrained PASSED tests/test_models_vq.py::VQModelTests::test_model_from_config PASSED tests/test_models_vq.py::VQModelTests::test_output -PASSED tests/pipelines/pndm/test_pndm.py::PNDMPipelineFastTests::test_inference -PASSED tests/pipelines/score_sde_ve/test_score_sde_ve.py::ScoreSdeVeipelineFastTests::test_inference -PASSED tests/test_pipelines.py::CustomPipelineTests::test_run_custom_pipeline +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_from_pretrained_save_pretrained PASSED tests/test_models_vq.py::VQModelTests::test_output_pretrained PASSED tests/test_models_vq.py::VQModelTests::test_outputs_equivalence PASSED tests/test_models_vq.py::VQModelTests::test_training -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_attention_chunk PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_model_from_config -PASSED tests/test_pipelines.py::PipelineFastTests::test_components -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_output +PASSED tests/test_pipelines.py::CustomPipelineTests::test_run_custom_pipeline PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_k_lms -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_attention_chunk -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_outputs_equivalence +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_multiple_init_images -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_training PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_negative_prompt -PASSED tests/test_models_unet.py::NCSNppModelTests::test_determinism +PASSED tests/test_pipelines.py::PipelineFastTests::test_components PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim -PASSED tests/test_models_unet.py::NCSNppModelTests::test_ema_training -PASSED tests/test_models_unet.py::NCSNppModelTests::test_enable_disable_gradient_checkpointing -PASSED tests/test_models_unet.py::NCSNppModelTests::test_forward_signature -PASSED tests/test_models_unet.py::NCSNppModelTests::test_forward_with_norm_groups -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py::StableDiffusionInpaintPipelineFastTests::test_stable_diffusion_inpaint -PASSED tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_model_from_config PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_output +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_outputs_equivalence +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt PASSED tests/repo_utils/test_check_copies.py::CopyCheckTester::test_find_code_in_diffusers PASSED tests/repo_utils/test_check_copies.py::CopyCheckTester::test_is_copy_consistent PASSED tests/repo_utils/test_check_dummies.py::CheckDummiesTester::test_create_dummy_files PASSED tests/repo_utils/test_check_dummies.py::CheckDummiesTester::test_create_dummy_object PASSED tests/repo_utils/test_check_dummies.py::CheckDummiesTester::test_find_backend PASSED tests/repo_utils/test_check_dummies.py::CheckDummiesTester::test_read_init +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py::StableDiffusionInpaintPipelineFastTests::test_stable_diffusion_inpaint +PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_training +PASSED tests/test_models_unet.py::NCSNppModelTests::test_determinism +PASSED tests/test_models_unet.py::NCSNppModelTests::test_ema_training +PASSED tests/test_models_unet.py::NCSNppModelTests::test_enable_disable_gradient_checkpointing +PASSED tests/test_models_unet.py::NCSNppModelTests::test_forward_signature +PASSED tests/test_models_unet.py::NCSNppModelTests::test_forward_with_norm_groups +PASSED tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained +PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_k_lms PASSED tests/test_models_unet.py::NCSNppModelTests::test_model_from_config -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 PASSED tests/test_models_unet.py::NCSNppModelTests::test_output -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt PASSED tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large PASSED tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_k_lms PASSED tests/test_models_unet.py::NCSNppModelTests::test_training -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_negative_prompt PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_num_images_per_prompt PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_pndm SKIPPED [1] tests/test_models_unet.py:138: This test is supposed to run on GPU SKIPPED [1] tests/test_models_unet.py:148: This test is supposed to run on GPU +SKIPPED [1] tests/test_models_unet.py:180: This test is supposed to run on GPU SKIPPED [1] tests/test_pipelines_flax.py:36: test is slow SKIPPED [1] tests/test_pipelines_flax.py:70: test is slow SKIPPED [1] tests/test_pipelines_flax.py:100: test is slow SKIPPED [1] tests/test_pipelines_flax.py:158: test is slow SKIPPED [1] tests/test_pipelines_flax.py:130: test is slow -SKIPPED [1] tests/test_models_unet.py:180: This test is supposed to run on GPU SKIPPED [1] tests/test_training.py:35: test is slow SKIPPED [1] tests/pipelines/ddim/test_ddim.py:97: test is slow SKIPPED [1] tests/pipelines/ddim/test_ddim.py:78: test is slow @@ -231,19 +231,19 @@ SKIPPED [1] tests/test_pipelines.py:316: test is slow SKIPPED [1] tests/test_pipelines.py:504: test is slow SKIPPED [1] tests/test_pipelines.py:491: test is slow SKIPPED [1] tests/test_pipelines.py:337: test is slow -SKIPPED [1] tests/test_models_unet.py:384: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:218: This test requires a GPU -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:272: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:311: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:352: test is slow SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py:554: test is slow SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py:475: test is slow SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py:513: test is slow SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:485: This test requires a GPU -SKIPPED [1] tests/test_models_unet.py:398: test is slow SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py:438: test is slow SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py:352: test is slow SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py:393: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:218: This test requires a GPU +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:272: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:311: test is slow +SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:352: test is slow +SKIPPED [1] tests/test_models_unet.py:384: test is slow +SKIPPED [1] tests/test_models_unet.py:398: test is slow SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:576: test is slow SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:528: test is slow SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:549: test is slow diff --git a/reports/tests_torch_mps_warnings.txt b/reports/tests_torch_mps_warnings.txt index 7e52955d2120..1d59957a55fe 100644 --- a/reports/tests_torch_mps_warnings.txt +++ b/reports/tests_torch_mps_warnings.txt @@ -1,28 +1,4 @@ -=================================================================================== warnings summary (final) ==================================================================================== -../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:239 -../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:239 -../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:239 -../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:239 -../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:239 - /Users/stutiraizada/Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:239: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead. - def resize(self, image, size, resample=PIL.Image.BILINEAR, default_to_square=True, max_size=None): - -../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:396 -../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:396 -../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:396 -../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:396 -../../../Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:396 - /Users/stutiraizada/Library/Python/3.8/lib/python/site-packages/transformers/image_utils.py:396: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead. - def rotate(self, image, angle, resample=PIL.Image.NEAREST, expand=0, center=None, translate=None, fillcolor=None): - -../../../Library/Python/3.8/lib/python/site-packages/transformers/models/clip/feature_extraction_clip.py:67 -../../../Library/Python/3.8/lib/python/site-packages/transformers/models/clip/feature_extraction_clip.py:67 -../../../Library/Python/3.8/lib/python/site-packages/transformers/models/clip/feature_extraction_clip.py:67 -../../../Library/Python/3.8/lib/python/site-packages/transformers/models/clip/feature_extraction_clip.py:67 -../../../Library/Python/3.8/lib/python/site-packages/transformers/models/clip/feature_extraction_clip.py:67 - /Users/stutiraizada/Library/Python/3.8/lib/python/site-packages/transformers/models/clip/feature_extraction_clip.py:67: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead. - resample=Image.BICUBIC, - +=========================== warnings summary (final) =========================== tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_betas tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_from_pretrained_save_pretrained tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_scheduler_outputs_equivalence @@ -37,14 +13,22 @@ tests/test_scheduler.py: 30 warnings /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: Passing integer indices (e.g. from `enumerate(timesteps)`) as timesteps to `LMSDiscreteScheduler.step()` will not be supported in future versions. Make sure to pass one of the `scheduler.timesteps` as a timestep. warnings.warn(warning + message, DeprecationWarning) -tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing - /Users/stutiraizada/Library/Python/3.8/lib/python/site-packages/torch/amp/autocast_mode.py:198: UserWarning: User provided device_type of 'cuda', but CUDA is not available. Disabling - warnings.warn('User provided device_type of \'cuda\', but CUDA is not available. Disabling') +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_attention_chunk +tests/test_pipelines.py::PipelineFastTests::test_components +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_k_lms +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_negative_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_num_images_per_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_pndm + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py:75: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead + logger.warn( tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py: 4 warnings tests/test_pipelines.py: 1 warning -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py: 1 warning tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py: 3 warnings +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py: 1 warning tests/pipelines/stable_diffusion/test_stable_diffusion.py: 3 warnings /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: The configuration file of this scheduler: PNDMScheduler { "_class_name": "PNDMScheduler", @@ -62,14 +46,18 @@ tests/pipelines/stable_diffusion/test_stable_diffusion.py: 3 warnings warnings.warn(warning + message, DeprecationWarning) tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img -tests/test_pipelines.py::PipelineFastTests::test_components tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_k_lms tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_multiple_init_images tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_negative_prompt +tests/test_pipelines.py::PipelineFastTests::test_components tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_img2img.py:87: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead logger.warn( +tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing + /Users/stutiraizada/opt/anaconda3/lib/python3.9/site-packages/torch/amp/autocast_mode.py:198: UserWarning: User provided device_type of 'cuda', but CUDA is not available. Disabling + warnings.warn('User provided device_type of \'cuda\', but CUDA is not available. Disabling') + tests/test_pipelines.py::PipelineFastTests::test_components tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt @@ -77,43 +65,31 @@ tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::Stable /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint_legacy.py:100: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead logger.warn( -tests/test_pipelines.py::PipelineFastTests::test_components -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_attention_chunk tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_k_lms -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_negative_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_num_images_per_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_pndm - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py:75: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead - logger.warn( - -tests/test_pipelines.py::PipelineFastTests::test_components -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint_legacy.py:26: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead. - image = image.resize((w, h), resample=PIL.Image.LANCZOS) + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: The configuration file of this scheduler: DDIMScheduler { + "_class_name": "DDIMScheduler", + "_diffusers_version": "0.7.0.dev0", + "beta_end": 0.012, + "beta_schedule": "scaled_linear", + "beta_start": 0.00085, + "clip_sample": false, + "num_train_timesteps": 1000, + "set_alpha_to_one": false, + "steps_offset": 0, + "trained_betas": null + } + is outdated. `steps_offset` should be set to 1 instead of 0. Please make sure to update the config accordingly as leaving `steps_offset` might led to incorrect results in future versions. If you have downloaded this checkpoint from the Hugging Face Hub, it would be very nice if you could open a Pull request for the `scheduler/scheduler_config.json` file + warnings.warn(warning + message, DeprecationWarning) -tests/test_pipelines.py::PipelineFastTests::test_components -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint_legacy.py:37: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead. - mask = mask.resize((w // 8, h // 8), resample=PIL.Image.NEAREST) +tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt +tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: You have passed 2 text prompts (`prompt`), but only 1 initial images (`init_image`). Initial images are now duplicating to match the number of text prompts. Note that this behavior is deprecated and will be removed in a version 1.0.0. Please make sure to update your script to pass as many init images as text prompts to suppress this warning. + warnings.warn(warning + message, DeprecationWarning) -tests/test_pipelines.py::PipelineFastTests::test_components - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_img2img.py:25: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead. - image = image.resize((w, h), resample=PIL.Image.LANCZOS) +tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py::StableDiffusionInpaintPipelineFastTests::test_stable_diffusion_inpaint + /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint.py:94: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead + logger.warn( tests/test_models_unet.py::NCSNppModelTests::test_determinism tests/test_models_unet.py::NCSNppModelTests::test_ema_training @@ -137,34 +113,8 @@ tests/test_models_unet.py::NCSNppModelTests::test_training /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/models/resnet.py:201: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor). torch.tensor(kernel, device=hidden_states.device), -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: The configuration file of this scheduler: DDIMScheduler { - "_class_name": "DDIMScheduler", - "_diffusers_version": "0.7.0.dev0", - "beta_end": 0.012, - "beta_schedule": "scaled_linear", - "beta_start": 0.00085, - "clip_sample": false, - "num_train_timesteps": 1000, - "set_alpha_to_one": false, - "steps_offset": 0, - "trained_betas": null - } - is outdated. `steps_offset` should be set to 1 instead of 0. Please make sure to update the config accordingly as leaving `steps_offset` might led to incorrect results in future versions. If you have downloaded this checkpoint from the Hugging Face Hub, it would be very nice if you could open a Pull request for the `scheduler/scheduler_config.json` file - warnings.warn(warning + message, DeprecationWarning) - -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py::StableDiffusionInpaintPipelineFastTests::test_stable_diffusion_inpaint - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint.py:94: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead - logger.warn( - -tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: You have passed 2 text prompts (`prompt`), but only 1 initial images (`init_image`). Initial images are now duplicating to match the number of text prompts. Note that this behavior is deprecated and will be removed in a version 1.0.0. Please make sure to update your script to pass as many init images as text prompts to suppress this warning. - warnings.warn(warning + message, DeprecationWarning) - tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipeline_utils.py:484: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead logger.warn( --- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html +-- Docs: https://docs.pytest.org/en/stable/warnings.html From a069c57e82cf317f7f0eaaf7043d121cb0123766 Mon Sep 17 00:00:00 2001 From: Stuti R <71293255+kingstut@users.noreply.github.com> Date: Sun, 20 Nov 2022 10:19:31 -0600 Subject: [PATCH 7/8] removed test folders + added to README --- examples/community/README.md | 11 + .../bbbcb9f65616524d6199fa3bc16dc0500fb2cbbb | 102 ------- .../refs/main | 1 - .../pipeline.py | 1 - reports/tests_torch_mps_durations.txt | 93 ------- reports/tests_torch_mps_errors.txt | 0 reports/tests_torch_mps_failures_line.txt | 0 reports/tests_torch_mps_failures_long.txt | 0 reports/tests_torch_mps_failures_short.txt | 0 reports/tests_torch_mps_passes.txt | 1 - reports/tests_torch_mps_stats.txt | 1 - reports/tests_torch_mps_summary_short.txt | 253 ------------------ reports/tests_torch_mps_warnings.txt | 120 --------- 13 files changed, 11 insertions(+), 572 deletions(-) delete mode 100644 hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/blobs/bbbcb9f65616524d6199fa3bc16dc0500fb2cbbb delete mode 100644 hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/refs/main delete mode 120000 hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/snapshots/b8fa12635e53eebebc22f95ee863e7af4fc2fb07/pipeline.py delete mode 100644 reports/tests_torch_mps_durations.txt delete mode 100644 reports/tests_torch_mps_errors.txt delete mode 100644 reports/tests_torch_mps_failures_line.txt delete mode 100644 reports/tests_torch_mps_failures_long.txt delete mode 100644 reports/tests_torch_mps_failures_short.txt delete mode 100644 reports/tests_torch_mps_passes.txt delete mode 100644 reports/tests_torch_mps_stats.txt delete mode 100644 reports/tests_torch_mps_summary_short.txt delete mode 100644 reports/tests_torch_mps_warnings.txt diff --git a/examples/community/README.md b/examples/community/README.md index 7ecaffb33114..a3ab458b97f4 100644 --- a/examples/community/README.md +++ b/examples/community/README.md @@ -322,3 +322,14 @@ out = pipe( wildcard_files=["object.txt", "animal.txt"], num_prompt_samples=1 ) +``` + + +### Bit Diffusion +Based https://arxiv.org/abs/2208.04202, this is used for diffusion on discrete data - eg, discreate image data, DNA sequence data. An unconditional discreate image can be generated like this: + +```python +from diffusers import DiffusionPipeline +pipe = DiffusionPipeline.from_pretrained("google/ddpm-cifar10-32", custom_pipeline="bit_diffusion") +image = pipe().images[0] +``` \ No newline at end of file diff --git a/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/blobs/bbbcb9f65616524d6199fa3bc16dc0500fb2cbbb b/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/blobs/bbbcb9f65616524d6199fa3bc16dc0500fb2cbbb deleted file mode 100644 index bbbcb9f65616..000000000000 --- a/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/blobs/bbbcb9f65616524d6199fa3bc16dc0500fb2cbbb +++ /dev/null @@ -1,102 +0,0 @@ -# Copyright 2022 The HuggingFace Team. All rights reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and - -# limitations under the License. - - -from typing import Optional, Tuple, Union - -import torch - -from diffusers.pipeline_utils import DiffusionPipeline, ImagePipelineOutput - - -class CustomPipeline(DiffusionPipeline): - r""" - This model inherits from [`DiffusionPipeline`]. Check the superclass documentation for the generic methods the - library implements for all the pipelines (such as downloading or saving, running on a particular device, etc.) - - Parameters: - unet ([`UNet2DModel`]): U-Net architecture to denoise the encoded image. - scheduler ([`SchedulerMixin`]): - A scheduler to be used in combination with `unet` to denoise the encoded image. Can be one of - [`DDPMScheduler`], or [`DDIMScheduler`]. - """ - - def __init__(self, unet, scheduler): - super().__init__() - self.register_modules(unet=unet, scheduler=scheduler) - - @torch.no_grad() - def __call__( - self, - batch_size: int = 1, - generator: Optional[torch.Generator] = None, - eta: float = 0.0, - num_inference_steps: int = 50, - output_type: Optional[str] = "pil", - return_dict: bool = True, - **kwargs, - ) -> Union[ImagePipelineOutput, Tuple]: - r""" - Args: - batch_size (`int`, *optional*, defaults to 1): - The number of images to generate. - generator (`torch.Generator`, *optional*): - A [torch generator](https://pytorch.org/docs/stable/generated/torch.Generator.html) to make generation - deterministic. - eta (`float`, *optional*, defaults to 0.0): - The eta parameter which controls the scale of the variance (0 is DDIM and 1 is one type of DDPM). - num_inference_steps (`int`, *optional*, defaults to 50): - The number of denoising steps. More denoising steps usually lead to a higher quality image at the - expense of slower inference. - output_type (`str`, *optional*, defaults to `"pil"`): - The output format of the generate image. Choose between - [PIL](https://pillow.readthedocs.io/en/stable/): `PIL.Image.Image` or `np.array`. - return_dict (`bool`, *optional*, defaults to `True`): - Whether or not to return a [`~pipeline_utils.ImagePipelineOutput`] instead of a plain tuple. - - Returns: - [`~pipeline_utils.ImagePipelineOutput`] or `tuple`: [`~pipelines.utils.ImagePipelineOutput`] if - `return_dict` is True, otherwise a `tuple. When returning a tuple, the first element is a list with the - generated images. - """ - - # Sample gaussian noise to begin loop - image = torch.randn( - (batch_size, self.unet.in_channels, self.unet.sample_size, self.unet.sample_size), - generator=generator, - ) - image = image.to(self.device) - - # set step values - self.scheduler.set_timesteps(num_inference_steps) - - for t in self.progress_bar(self.scheduler.timesteps): - # 1. predict noise model_output - model_output = self.unet(image, t).sample - - # 2. predict previous mean of image x_t-1 and add variance depending on eta - # eta corresponds to η in paper and should be between [0, 1] - # do x_t -> x_t-1 - image = self.scheduler.step(model_output, t, image, eta).prev_sample - - image = (image / 2 + 0.5).clamp(0, 1) - image = image.cpu().permute(0, 2, 3, 1).numpy() - if output_type == "pil": - image = self.numpy_to_pil(image) - - if not return_dict: - return (image,) - - return ImagePipelineOutput(images=image), "This is a test" \ No newline at end of file diff --git a/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/refs/main b/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/refs/main deleted file mode 100644 index 152c8af6817e..000000000000 --- a/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/refs/main +++ /dev/null @@ -1 +0,0 @@ -b8fa12635e53eebebc22f95ee863e7af4fc2fb07 \ No newline at end of file diff --git a/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/snapshots/b8fa12635e53eebebc22f95ee863e7af4fc2fb07/pipeline.py b/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/snapshots/b8fa12635e53eebebc22f95ee863e7af4fc2fb07/pipeline.py deleted file mode 120000 index 47bb96808073..000000000000 --- a/hf-internal-testing/diffusers-dummy-pipeline/models--hf-internal-testing--diffusers-dummy-pipeline/snapshots/b8fa12635e53eebebc22f95ee863e7af4fc2fb07/pipeline.py +++ /dev/null @@ -1 +0,0 @@ -../../blobs/bbbcb9f65616524d6199fa3bc16dc0500fb2cbbb \ No newline at end of file diff --git a/reports/tests_torch_mps_durations.txt b/reports/tests_torch_mps_durations.txt deleted file mode 100644 index fbba0e5dcf96..000000000000 --- a/reports/tests_torch_mps_durations.txt +++ /dev/null @@ -1,93 +0,0 @@ -slowest durations -25.06s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_num_images_per_prompt -9.05s call tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_forward_with_norm_groups -9.02s call tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_default -7.49s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py::StableDiffusionInpaintPipelineFastTests::test_stable_diffusion_inpaint -6.26s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_pndm -6.01s call tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing -5.77s call tests/test_pipelines.py::CustomPipelineTests::test_run_custom_pipeline -5.41s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_k_lms -5.18s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim -5.05s call tests/test_pipelines.py::CustomPipelineTests::test_load_custom_pipeline -5.04s call tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_output -4.42s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_attention_chunk -4.29s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker -4.28s call tests/test_pipelines.py::PipelineFastTests::test_components -3.73s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_negative_prompt -3.68s call tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 -3.41s call tests/test_models_unet.py::UNet2DConditionModelTests::test_model_from_config -3.08s call tests/test_pipelines.py::CustomPipelineTests::test_local_custom_pipeline -2.89s call tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_hub -2.79s call tests/test_models_unet.py::UNet2DConditionModelTests::test_training -2.73s call tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training -2.65s call tests/test_models_vae.py::AutoencoderKLTests::test_output_pretrained -2.60s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub -2.58s call tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained -2.50s call tests/test_models_unet.py::UNet2DConditionModelTests::test_outputs_equivalence -2.48s call tests/test_models_vq.py::VQModelTests::test_from_pretrained_hub -2.41s call tests/test_models_unet.py::UNet2DConditionModelTests::test_from_pretrained_save_pretrained -2.40s call tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism -2.40s call tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large -2.31s call tests/test_models_vq.py::VQModelTests::test_output_pretrained -2.14s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt -1.93s call tests/pipelines/pndm/test_pndm.py::PNDMPipelineFastTests::test_inference -1.90s call tests/pipelines/latent_diffusion/test_latent_diffusion.py::LDMTextToImagePipelineFastTests::test_inference_text2img -1.79s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt -1.50s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy -1.48s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_multiple_init_images -1.45s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img -1.42s call tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt -1.41s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_k_lms -1.39s call tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_negative_prompt -1.29s call tests/test_models_unet.py::UNet2DConditionModelTests::test_output -1.17s call tests/test_models_unet.py::UnetModelTests::test_model_from_config -1.06s call tests/test_models_unet.py::NCSNppModelTests::test_model_from_config -0.96s call tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_with_norm_groups -0.89s call tests/test_pipelines.py::test_progress_bar -0.61s call tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_sd -0.41s call tests/test_models_unet.py::NCSNppModelTests::test_ema_training -0.38s call tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config -0.37s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_dropout -0.34s call tests/test_models_unet.py::UnetModelTests::test_ema_training -0.33s call tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained -0.32s call tests/test_models_unet.py::UnetModelTests::test_from_pretrained_save_pretrained -0.32s call tests/test_models_unet.py::NCSNppModelTests::test_training -0.31s call tests/pipelines/score_sde_ve/test_score_sde_ve.py::ScoreSdeVeipelineFastTests::test_inference -0.29s call tests/test_models_vae.py::AutoencoderKLTests::test_model_from_config -0.28s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_context_dim -0.27s call tests/test_models_unet.py::NCSNppModelTests::test_determinism -0.26s call tests/test_models_vq.py::VQModelTests::test_model_from_config -0.25s call tests/test_models_unet.py::UnetModelTests::test_training -0.25s call tests/pipelines/latent_diffusion/test_latent_diffusion_uncond.py::LDMPipelineFastTests::test_inference_uncond -0.24s call tests/test_models_vae.py::AutoencoderKLTests::test_ema_training -0.23s call tests/test_models_unet.py::UnetModelTests::test_determinism -0.23s call tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence -0.23s call tests/test_models_unet.py::UNetLDMModelTests::test_ema_training -0.22s call tests/pipelines/karras_ve/test_karras_ve.py::KarrasVePipelineFastTests::test_inference -0.22s call tests/test_models_unet.py::UnetModelTests::test_outputs_equivalence -0.22s call tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_default -0.21s call tests/test_models_vae.py::AutoencoderKLTests::test_outputs_equivalence -0.21s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_sigmas -0.21s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_time_indices -0.21s call tests/test_models_vq.py::VQModelTests::test_ema_training -0.20s call tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained -0.20s call tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_save_pretrained -0.20s call tests/pipelines/ddim/test_ddim.py::DDIMPipelineFastTests::test_inference -0.19s call tests/test_models_unet.py::UNetLDMModelTests::test_training -0.18s call tests/test_models_vae.py::AutoencoderKLTests::test_determinism -0.15s call tests/test_models_vq.py::VQModelTests::test_from_pretrained_save_pretrained -0.15s call tests/test_scheduler.py::DDPMSchedulerTest::test_full_loop_no_noise -0.15s call tests/test_models_vq.py::VQModelTests::test_determinism -0.15s call tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence -0.14s call tests/test_models_unet.py::UNetLDMModelTests::test_determinism -0.13s call tests/test_models_vq.py::VQModelTests::test_outputs_equivalence -0.13s call tests/test_models_unet.py::NCSNppModelTests::test_output -0.12s call tests/test_models_unet.py::UnetModelTests::test_output -0.09s call tests/test_models_unet.py::UNetLDMModelTests::test_output -0.08s call tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_full_loop_no_noise -0.08s call tests/test_utils.py::DeprecateTester::test_deprecate_function_incorrect_arg -0.07s call tests/test_models_vae.py::AutoencoderKLTests::test_output -0.07s call tests/test_models_vq.py::VQModelTests::test_output -0.06s call tests/test_models_unet.py::UnetModelTests::test_forward_with_norm_groups -0.06s call tests/test_models_vae.py::AutoencoderKLTests::test_forward_with_norm_groups -665 durations < 0.05 secs were omitted \ No newline at end of file diff --git a/reports/tests_torch_mps_errors.txt b/reports/tests_torch_mps_errors.txt deleted file mode 100644 index e69de29bb2d1..000000000000 diff --git a/reports/tests_torch_mps_failures_line.txt b/reports/tests_torch_mps_failures_line.txt deleted file mode 100644 index e69de29bb2d1..000000000000 diff --git a/reports/tests_torch_mps_failures_long.txt b/reports/tests_torch_mps_failures_long.txt deleted file mode 100644 index e69de29bb2d1..000000000000 diff --git a/reports/tests_torch_mps_failures_short.txt b/reports/tests_torch_mps_failures_short.txt deleted file mode 100644 index e69de29bb2d1..000000000000 diff --git a/reports/tests_torch_mps_passes.txt b/reports/tests_torch_mps_passes.txt deleted file mode 100644 index d97b6fa18e92..000000000000 --- a/reports/tests_torch_mps_passes.txt +++ /dev/null @@ -1 +0,0 @@ -==================================== PASSES ==================================== diff --git a/reports/tests_torch_mps_stats.txt b/reports/tests_torch_mps_stats.txt deleted file mode 100644 index 8f20fbf66bad..000000000000 --- a/reports/tests_torch_mps_stats.txt +++ /dev/null @@ -1 +0,0 @@ -=========== 198 passed, 54 skipped, 91 warnings in 81.51s (0:01:21) ============ diff --git a/reports/tests_torch_mps_summary_short.txt b/reports/tests_torch_mps_summary_short.txt deleted file mode 100644 index 02341772db2b..000000000000 --- a/reports/tests_torch_mps_summary_short.txt +++ /dev/null @@ -1,253 +0,0 @@ -=========================== short test summary info ============================ -PASSED tests/test_config.py::ConfigTester::test_load_not_from_mixin -PASSED tests/test_config.py::ConfigTester::test_register_to_config -PASSED tests/test_config.py::ConfigTester::test_save_load -PASSED tests/test_layers_utils.py::EmbeddingsTests::test_sinoid_embeddings_hardcoded -PASSED tests/test_layers_utils.py::EmbeddingsTests::test_timestep_defaults -PASSED tests/test_layers_utils.py::EmbeddingsTests::test_timestep_downscale_freq_shift -PASSED tests/test_layers_utils.py::EmbeddingsTests::test_timestep_embeddings -PASSED tests/test_layers_utils.py::EmbeddingsTests::test_timestep_flip_sin_cos -PASSED tests/test_layers_utils.py::Upsample2DBlockTests::test_upsample_default -PASSED tests/test_layers_utils.py::Upsample2DBlockTests::test_upsample_with_conv -PASSED tests/test_layers_utils.py::Upsample2DBlockTests::test_upsample_with_conv_out_dim -PASSED tests/test_layers_utils.py::Upsample2DBlockTests::test_upsample_with_transpose -PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_default -PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_with_conv -PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_with_conv_out_dim -PASSED tests/test_layers_utils.py::Downsample2DBlockTests::test_downsample_with_conv_pad1 -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_determinism -PASSED tests/test_models_unet.py::UnetModelTests::test_determinism -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_ema_training -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_enable_disable_gradient_checkpointing -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_forward_signature -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_forward_with_norm_groups -PASSED tests/test_models_unet.py::UnetModelTests::test_ema_training -PASSED tests/test_models_unet.py::UnetModelTests::test_enable_disable_gradient_checkpointing -PASSED tests/test_models_unet.py::UnetModelTests::test_forward_signature -PASSED tests/test_models_unet.py::UnetModelTests::test_forward_with_norm_groups -PASSED tests/test_models_unet.py::UnetModelTests::test_from_pretrained_save_pretrained -PASSED tests/test_models_unet.py::UnetModelTests::test_model_from_config -PASSED tests/test_models_unet.py::UnetModelTests::test_output -PASSED tests/test_models_unet.py::UnetModelTests::test_outputs_equivalence -PASSED tests/test_models_unet.py::UnetModelTests::test_training -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_determinism -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_ema_training -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_enable_disable_gradient_checkpointing -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_forward_signature -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_forward_with_norm_groups -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_hub -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_from_pretrained_save_pretrained -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_model_from_config -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_output -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_hub -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_from_pretrained_save_pretrained -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_model_from_config -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_output_pretrained -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_outputs_equivalence -PASSED tests/test_models_vae.py::AutoencoderKLTests::test_training -PASSED tests/test_outputs.py::ConfigTester::test_outputs_dict_init -PASSED tests/test_outputs.py::ConfigTester::test_outputs_single_attribute -PASSED tests/test_pipelines.py::test_progress_bar -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_output_pretrained -PASSED tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_forward_with_norm_groups -PASSED tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_default -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_outputs_equivalence -PASSED tests/test_models_unet.py::UNetLDMModelTests::test_training -PASSED tests/test_layers_utils.py::AttentionBlockTests::test_attention_block_sd -PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_context_dim -PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_default -PASSED tests/test_layers_utils.py::SpatialTransformerTests::test_spatial_transformer_dropout -PASSED tests/test_scheduler.py::SchedulerCommonTest::test_from_pretrained_save_pretrained -PASSED tests/test_scheduler.py::SchedulerCommonTest::test_scheduler_outputs_equivalence -PASSED tests/test_scheduler.py::SchedulerCommonTest::test_scheduler_public_api -PASSED tests/test_scheduler.py::SchedulerCommonTest::test_step_shape -PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_betas -PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_clip_sample -PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_from_pretrained_save_pretrained -PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_full_loop_no_noise -PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_scheduler_outputs_equivalence -PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_scheduler_public_api -PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_schedules -PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_step_shape -PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_time_indices -PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_timesteps -PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_variance -PASSED tests/test_scheduler.py::DDPMSchedulerTest::test_variance_type -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_betas -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_clip_sample -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_eta -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_from_pretrained_save_pretrained -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_full_loop_no_noise -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_full_loop_with_no_set_alpha_to_one -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_full_loop_with_set_alpha_to_one -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_inference_steps -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_scheduler_outputs_equivalence -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_scheduler_public_api -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_schedules -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_step_shape -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_steps_offset -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_time_indices -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_timesteps -PASSED tests/test_scheduler.py::DDIMSchedulerTest::test_variance -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_betas -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_from_pretrained_save_pretrained -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_full_loop_no_noise -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_full_loop_with_no_set_alpha_to_one -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_full_loop_with_set_alpha_to_one -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_inference_plms_no_past_residuals -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_inference_steps -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_pow_of_3_inference_steps -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_scheduler_outputs_equivalence -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_scheduler_public_api -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_schedules -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_step_shape -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_steps_offset -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_time_indices -PASSED tests/test_scheduler.py::PNDMSchedulerTest::test_timesteps -PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_full_loop_no_noise -PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_sigmas -PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_step_shape -PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_time_indices -PASSED tests/test_scheduler.py::ScoreSdeVeSchedulerTest::test_timesteps -PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_betas -PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_from_pretrained_save_pretrained -PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_full_loop_no_noise -PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_scheduler_outputs_equivalence -PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_scheduler_public_api -PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_schedules -PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_step_shape -PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_time_indices -PASSED tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_timesteps -PASSED tests/test_utils.py::DeprecateTester::test_deprecate_arg_no_kwarg -PASSED tests/test_utils.py::DeprecateTester::test_deprecate_args_no_kwarg -PASSED tests/test_utils.py::DeprecateTester::test_deprecate_class_obj -PASSED tests/test_utils.py::DeprecateTester::test_deprecate_class_objs -PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_arg -PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_arg_tuple -PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_args -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_determinism -PASSED tests/test_utils.py::DeprecateTester::test_deprecate_function_incorrect_arg -PASSED tests/test_utils.py::DeprecateTester::test_deprecate_incorrect_no_standard_warn -PASSED tests/test_utils.py::DeprecateTester::test_deprecate_incorrect_version -PASSED tests/pipelines/ddim/test_ddim.py::DDIMPipelineFastTests::test_inference -PASSED tests/pipelines/karras_ve/test_karras_ve.py::KarrasVePipelineFastTests::test_inference -PASSED tests/test_pipelines.py::CustomPipelineTests::test_load_custom_pipeline -PASSED tests/test_models_vae_flax.py::FlaxAutoencoderKLTests::test_output -PASSED tests/pipelines/latent_diffusion/test_latent_diffusion.py::LDMTextToImagePipelineFastTests::test_inference_text2img -PASSED tests/test_models_vq.py::VQModelTests::test_determinism -PASSED tests/test_models_vq.py::VQModelTests::test_ema_training -PASSED tests/test_models_vq.py::VQModelTests::test_enable_disable_gradient_checkpointing -PASSED tests/test_models_vq.py::VQModelTests::test_forward_signature -PASSED tests/pipelines/latent_diffusion/test_latent_diffusion_uncond.py::LDMPipelineFastTests::test_inference_uncond -PASSED tests/test_models_vq.py::VQModelTests::test_forward_with_norm_groups -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_ema_training -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_enable_disable_gradient_checkpointing -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_signature -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_forward_with_norm_groups -PASSED tests/test_pipelines.py::CustomPipelineTests::test_local_custom_pipeline -PASSED tests/pipelines/pndm/test_pndm.py::PNDMPipelineFastTests::test_inference -PASSED tests/pipelines/score_sde_ve/test_score_sde_ve.py::ScoreSdeVeipelineFastTests::test_inference -PASSED tests/test_models_vq.py::VQModelTests::test_from_pretrained_hub -PASSED tests/test_models_vq.py::VQModelTests::test_from_pretrained_save_pretrained -PASSED tests/test_models_vq.py::VQModelTests::test_model_from_config -PASSED tests/test_models_vq.py::VQModelTests::test_output -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_from_pretrained_save_pretrained -PASSED tests/test_models_vq.py::VQModelTests::test_output_pretrained -PASSED tests/test_models_vq.py::VQModelTests::test_outputs_equivalence -PASSED tests/test_models_vq.py::VQModelTests::test_training -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_attention_chunk -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img -PASSED tests/test_pipelines.py::CustomPipelineTests::test_run_custom_pipeline -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_k_lms -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_multiple_init_images -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_negative_prompt -PASSED tests/test_pipelines.py::PipelineFastTests::test_components -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_model_from_config -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_output -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_outputs_equivalence -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt -PASSED tests/repo_utils/test_check_copies.py::CopyCheckTester::test_find_code_in_diffusers -PASSED tests/repo_utils/test_check_copies.py::CopyCheckTester::test_is_copy_consistent -PASSED tests/repo_utils/test_check_dummies.py::CheckDummiesTester::test_create_dummy_files -PASSED tests/repo_utils/test_check_dummies.py::CheckDummiesTester::test_create_dummy_object -PASSED tests/repo_utils/test_check_dummies.py::CheckDummiesTester::test_find_backend -PASSED tests/repo_utils/test_check_dummies.py::CheckDummiesTester::test_read_init -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py::StableDiffusionInpaintPipelineFastTests::test_stable_diffusion_inpaint -PASSED tests/test_models_unet.py::UNet2DConditionModelTests::test_training -PASSED tests/test_models_unet.py::NCSNppModelTests::test_determinism -PASSED tests/test_models_unet.py::NCSNppModelTests::test_ema_training -PASSED tests/test_models_unet.py::NCSNppModelTests::test_enable_disable_gradient_checkpointing -PASSED tests/test_models_unet.py::NCSNppModelTests::test_forward_signature -PASSED tests/test_models_unet.py::NCSNppModelTests::test_forward_with_norm_groups -PASSED tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_k_lms -PASSED tests/test_models_unet.py::NCSNppModelTests::test_model_from_config -PASSED tests/test_models_unet.py::NCSNppModelTests::test_output -PASSED tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large -PASSED tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence -PASSED tests/test_models_unet.py::NCSNppModelTests::test_training -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_negative_prompt -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_num_images_per_prompt -PASSED tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_pndm -SKIPPED [1] tests/test_models_unet.py:138: This test is supposed to run on GPU -SKIPPED [1] tests/test_models_unet.py:148: This test is supposed to run on GPU -SKIPPED [1] tests/test_models_unet.py:180: This test is supposed to run on GPU -SKIPPED [1] tests/test_pipelines_flax.py:36: test is slow -SKIPPED [1] tests/test_pipelines_flax.py:70: test is slow -SKIPPED [1] tests/test_pipelines_flax.py:100: test is slow -SKIPPED [1] tests/test_pipelines_flax.py:158: test is slow -SKIPPED [1] tests/test_pipelines_flax.py:130: test is slow -SKIPPED [1] tests/test_training.py:35: test is slow -SKIPPED [1] tests/pipelines/ddim/test_ddim.py:97: test is slow -SKIPPED [1] tests/pipelines/ddim/test_ddim.py:78: test is slow -SKIPPED [1] tests/pipelines/ddpm/test_ddpm.py:38: test is slow -SKIPPED [1] tests/pipelines/karras_ve/test_karras_ve.py:71: test is slow -SKIPPED [1] tests/test_pipelines.py:110: test is slow -SKIPPED [1] tests/pipelines/latent_diffusion/test_latent_diffusion.py:123: test is slow -SKIPPED [1] tests/pipelines/latent_diffusion/test_latent_diffusion.py:140: test is slow -SKIPPED [1] tests/pipelines/latent_diffusion/test_latent_diffusion_uncond.py:107: test is slow -SKIPPED [1] tests/pipelines/pndm/test_pndm.py:71: test is slow -SKIPPED [1] tests/pipelines/score_sde_ve/test_score_sde_ve.py:73: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_onnx_stable_diffusion.py:34: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_onnx_stable_diffusion.py:50: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_onnx_stable_diffusion_img2img.py:34: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_onnx_stable_diffusion_inpaint.py:34: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py:424: This test requires a GPU -SKIPPED [1] tests/test_pipelines.py:441: test is slow -SKIPPED [1] tests/test_pipelines.py:464: test is slow -SKIPPED [1] tests/test_pipelines.py:376: test is slow -SKIPPED [1] tests/test_pipelines.py:396: test is slow -SKIPPED [1] tests/test_pipelines.py:346: test is slow -SKIPPED [1] tests/test_pipelines.py:419: test is slow -SKIPPED [1] tests/test_pipelines.py:316: test is slow -SKIPPED [1] tests/test_pipelines.py:504: test is slow -SKIPPED [1] tests/test_pipelines.py:491: test is slow -SKIPPED [1] tests/test_pipelines.py:337: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py:554: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py:475: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py:513: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:485: This test requires a GPU -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py:438: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py:352: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py:393: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:218: This test requires a GPU -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:272: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:311: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py:352: test is slow -SKIPPED [1] tests/test_models_unet.py:384: test is slow -SKIPPED [1] tests/test_models_unet.py:398: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:576: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:528: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:549: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:594: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:686: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:661: test is slow -SKIPPED [1] tests/pipelines/stable_diffusion/test_stable_diffusion.py:632: test is slow diff --git a/reports/tests_torch_mps_warnings.txt b/reports/tests_torch_mps_warnings.txt deleted file mode 100644 index 1d59957a55fe..000000000000 --- a/reports/tests_torch_mps_warnings.txt +++ /dev/null @@ -1,120 +0,0 @@ -=========================== warnings summary (final) =========================== -tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_betas -tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_from_pretrained_save_pretrained -tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_scheduler_outputs_equivalence -tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_schedules -tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_step_shape -tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_time_indices -tests/test_scheduler.py::LMSDiscreteSchedulerTest::test_timesteps - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/schedulers/scheduling_lms_discrete.py:199: UserWarning: The `scale_model_input` function should be called before `step` to ensure correct denoising. See `StableDiffusionPipeline` for a usage example. - warnings.warn( - -tests/test_scheduler.py: 30 warnings - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: Passing integer indices (e.g. from `enumerate(timesteps)`) as timesteps to `LMSDiscreteScheduler.step()` will not be supported in future versions. Make sure to pass one of the `scheduler.timesteps` as a timestep. - warnings.warn(warning + message, DeprecationWarning) - -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_attention_chunk -tests/test_pipelines.py::PipelineFastTests::test_components -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_k_lms -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_negative_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_num_images_per_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_pndm - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py:75: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead - logger.warn( - -tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py: 4 warnings -tests/test_pipelines.py: 1 warning -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py: 3 warnings -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py: 1 warning -tests/pipelines/stable_diffusion/test_stable_diffusion.py: 3 warnings - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: The configuration file of this scheduler: PNDMScheduler { - "_class_name": "PNDMScheduler", - "_diffusers_version": "0.7.0.dev0", - "beta_end": 0.02, - "beta_schedule": "linear", - "beta_start": 0.0001, - "num_train_timesteps": 1000, - "set_alpha_to_one": false, - "skip_prk_steps": true, - "steps_offset": 0, - "trained_betas": null - } - is outdated. `steps_offset` should be set to 1 instead of 0. Please make sure to update the config accordingly as leaving `steps_offset` might led to incorrect results in future versions. If you have downloaded this checkpoint from the Hugging Face Hub, it would be very nice if you could open a Pull request for the `scheduler/scheduler_config.json` file - warnings.warn(warning + message, DeprecationWarning) - -tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img -tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_k_lms -tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_multiple_init_images -tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_negative_prompt -tests/test_pipelines.py::PipelineFastTests::test_components -tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_img2img.py:87: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead - logger.warn( - -tests/test_models_unet.py::UNet2DConditionModelTests::test_gradient_checkpointing - /Users/stutiraizada/opt/anaconda3/lib/python3.9/site-packages/torch/amp/autocast_mode.py:198: UserWarning: User provided device_type of 'cuda', but CUDA is not available. Disabling - warnings.warn('User provided device_type of \'cuda\', but CUDA is not available. Disabling') - -tests/test_pipelines.py::PipelineFastTests::test_components -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_negative_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint_legacy.py::StableDiffusionInpaintLegacyPipelineFastTests::test_stable_diffusion_inpaint_legacy_num_images_per_prompt - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint_legacy.py:100: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead - logger.warn( - -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_ddim_factor_8 - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: The configuration file of this scheduler: DDIMScheduler { - "_class_name": "DDIMScheduler", - "_diffusers_version": "0.7.0.dev0", - "beta_end": 0.012, - "beta_schedule": "scaled_linear", - "beta_start": 0.00085, - "clip_sample": false, - "num_train_timesteps": 1000, - "set_alpha_to_one": false, - "steps_offset": 0, - "trained_betas": null - } - is outdated. `steps_offset` should be set to 1 instead of 0. Please make sure to update the config accordingly as leaving `steps_offset` might led to incorrect results in future versions. If you have downloaded this checkpoint from the Hugging Face Hub, it would be very nice if you could open a Pull request for the `scheduler/scheduler_config.json` file - warnings.warn(warning + message, DeprecationWarning) - -tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt -tests/pipelines/stable_diffusion/test_stable_diffusion_img2img.py::StableDiffusionImg2ImgPipelineFastTests::test_stable_diffusion_img2img_num_images_per_prompt - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/utils/deprecation_utils.py:35: DeprecationWarning: You have passed 2 text prompts (`prompt`), but only 1 initial images (`init_image`). Initial images are now duplicating to match the number of text prompts. Note that this behavior is deprecated and will be removed in a version 1.0.0. Please make sure to update your script to pass as many init images as text prompts to suppress this warning. - warnings.warn(warning + message, DeprecationWarning) - -tests/pipelines/stable_diffusion/test_stable_diffusion_inpaint.py::StableDiffusionInpaintPipelineFastTests::test_stable_diffusion_inpaint - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint.py:94: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead - logger.warn( - -tests/test_models_unet.py::NCSNppModelTests::test_determinism -tests/test_models_unet.py::NCSNppModelTests::test_ema_training -tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained -tests/test_models_unet.py::NCSNppModelTests::test_model_from_config -tests/test_models_unet.py::NCSNppModelTests::test_output -tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large -tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence -tests/test_models_unet.py::NCSNppModelTests::test_training - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/models/resnet.py:275: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor). - torch.tensor(kernel, device=hidden_states.device), - -tests/test_models_unet.py::NCSNppModelTests::test_determinism -tests/test_models_unet.py::NCSNppModelTests::test_ema_training -tests/test_models_unet.py::NCSNppModelTests::test_from_pretrained_save_pretrained -tests/test_models_unet.py::NCSNppModelTests::test_model_from_config -tests/test_models_unet.py::NCSNppModelTests::test_output -tests/test_models_unet.py::NCSNppModelTests::test_output_pretrained_ve_large -tests/test_models_unet.py::NCSNppModelTests::test_outputs_equivalence -tests/test_models_unet.py::NCSNppModelTests::test_training - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/models/resnet.py:201: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor). - torch.tensor(kernel, device=hidden_states.device), - -tests/pipelines/stable_diffusion/test_stable_diffusion.py::StableDiffusionPipelineFastTests::test_stable_diffusion_no_safety_checker - /Users/stutiraizada/Desktop/gaisol/diffusers/src/diffusers/pipeline_utils.py:484: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead - logger.warn( - --- Docs: https://docs.pytest.org/en/stable/warnings.html From 212ef40c305ecd23e7895f7119b381db0ff76e15 Mon Sep 17 00:00:00 2001 From: Patrick von Platen Date: Mon, 21 Nov 2022 11:50:18 +0100 Subject: [PATCH 8/8] Update README.md --- examples/community/README.md | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/examples/community/README.md b/examples/community/README.md index 5c225a041500..b3063f109da1 100644 --- a/examples/community/README.md +++ b/examples/community/README.md @@ -21,6 +21,7 @@ If a community doesn't work as expected, please open an issue and ping the autho | Multilingual Stable Diffusion| Stable Diffusion Pipeline that supports prompts in 50 different languages. | [Multilingual Stable Diffusion](#multilingual-stable-diffusion-pipeline) | - | [Juan Carlos Piñeros](https://github.com/juancopi81) | | Image to Image Inpainting Stable Diffusion | Stable Diffusion Pipeline that enables the overlaying of two images and subsequent inpainting| [Image to Image Inpainting Stable Diffusion](#image-to-image-inpainting-stable-diffusion) | - | [Alex McKinney](https://github.com/vvvm23) | | Text Based Inpainting Stable Diffusion | Stable Diffusion Inpainting Pipeline that enables passing a text prompt to generate the mask for inpainting| [Text Based Inpainting Stable Diffusion](#image-to-image-inpainting-stable-diffusion) | - | [Dhruv Karan](https://github.com/unography) | +| Bit Diffusion | Diffusion on discrete data | [Bit Diffusion](#bit-diffusion) | - |[Stuti R.](https://github.com/kingstut) | @@ -662,4 +663,4 @@ Based https://arxiv.org/abs/2208.04202, this is used for diffusion on discrete d from diffusers import DiffusionPipeline pipe = DiffusionPipeline.from_pretrained("google/ddpm-cifar10-32", custom_pipeline="bit_diffusion") image = pipe().images[0] -``` \ No newline at end of file +```