From 62024e8c17bda12d0a34b39575e262421068c4dc Mon Sep 17 00:00:00 2001 From: Alexander Eichhorn Date: Thu, 4 Dec 2025 20:45:51 +0100 Subject: [PATCH 1/5] feat: Add Regional Guidance support for Z-Image model Implements regional prompting for Z-Image (S3-DiT Transformer) allowing different prompts to affect different image regions using attention masks. Backend changes: - Add ZImageRegionalPromptingExtension for mask preparation - Add ZImageTextConditioning and ZImageRegionalTextConditioning data classes - Patch transformer forward to inject 4D regional attention masks - Use additive float mask (0.0 attend, -inf block) in bfloat16 for compatibility - Alternate regional/full attention layers for global coherence Frontend changes: - Update buildZImageGraph to support regional conditioning collectors - Update addRegions to create z_image_text_encoder nodes for regions - Update addZImageLoRAs to handle optional negCond when guidance_scale=0 - Add Z-Image validation (no IP adapters, no autoNegative) --- invokeai/app/invocations/fields.py | 5 + invokeai/app/invocations/z_image_denoise.py | 126 +- .../app/invocations/z_image_text_encoder.py | 26 +- invokeai/backend/z_image/__init__.py | 2 +- .../backend/z_image/extensions/__init__.py | 1 + .../regional_prompting_extension.py | 207 + invokeai/backend/z_image/text_conditioning.py | 74 + .../z_image/z_image_transformer_patch.py | 232 + invokeai/frontend/web/openapi.json | 29025 +++++++++++++--- .../controlLayers/store/validators.ts | 11 + .../nodes/util/graph/generation/addRegions.ts | 49 +- .../util/graph/generation/addZImageLoRAs.ts | 9 +- .../util/graph/generation/buildZImageGraph.ts | 67 +- .../frontend/web/src/services/api/schema.ts | 24 +- 14 files changed, 24510 insertions(+), 5348 deletions(-) create mode 100644 invokeai/backend/z_image/extensions/__init__.py create mode 100644 invokeai/backend/z_image/extensions/regional_prompting_extension.py create mode 100644 invokeai/backend/z_image/text_conditioning.py create mode 100644 invokeai/backend/z_image/z_image_transformer_patch.py diff --git a/invokeai/app/invocations/fields.py b/invokeai/app/invocations/fields.py index 0973d23ce3b..aa919f592a2 100644 --- a/invokeai/app/invocations/fields.py +++ b/invokeai/app/invocations/fields.py @@ -327,6 +327,11 @@ class ZImageConditioningField(BaseModel): """A Z-Image conditioning tensor primitive value""" conditioning_name: str = Field(description="The name of conditioning tensor") + mask: Optional[TensorField] = Field( + default=None, + description="The mask associated with this conditioning tensor for regional prompting. " + "Excluded regions should be set to False, included regions should be set to True.", + ) class ConditioningField(BaseModel): diff --git a/invokeai/app/invocations/z_image_denoise.py b/invokeai/app/invocations/z_image_denoise.py index a93a8d40130..e8d9b24e1c1 100644 --- a/invokeai/app/invocations/z_image_denoise.py +++ b/invokeai/app/invocations/z_image_denoise.py @@ -32,11 +32,14 @@ from invokeai.backend.stable_diffusion.diffusers_pipeline import PipelineIntermediateState from invokeai.backend.stable_diffusion.diffusion.conditioning_data import ZImageConditioningInfo from invokeai.backend.util.devices import TorchDevice +from invokeai.backend.z_image.extensions.regional_prompting_extension import ZImageRegionalPromptingExtension +from invokeai.backend.z_image.text_conditioning import ZImageTextConditioning from invokeai.backend.z_image.z_image_control_adapter import ZImageControlAdapter from invokeai.backend.z_image.z_image_controlnet_extension import ( ZImageControlNetExtension, z_image_forward_with_control, ) +from invokeai.backend.z_image.z_image_transformer_patch import patch_transformer_for_regional_prompting @invocation( @@ -44,11 +47,14 @@ title="Denoise - Z-Image", tags=["image", "z-image"], category="image", - version="1.1.0", + version="1.2.0", classification=Classification.Prototype, ) class ZImageDenoiseInvocation(BaseInvocation): - """Run the denoising process with a Z-Image model.""" + """Run the denoising process with a Z-Image model. + + Supports regional prompting by connecting multiple conditioning inputs with masks. + """ # If latents is provided, this means we are doing image-to-image. latents: Optional[LatentsField] = InputField( @@ -63,10 +69,10 @@ class ZImageDenoiseInvocation(BaseInvocation): transformer: TransformerField = InputField( description=FieldDescriptions.z_image_model, input=Input.Connection, title="Transformer" ) - positive_conditioning: ZImageConditioningField = InputField( + positive_conditioning: ZImageConditioningField | list[ZImageConditioningField] = InputField( description=FieldDescriptions.positive_cond, input=Input.Connection ) - negative_conditioning: Optional[ZImageConditioningField] = InputField( + negative_conditioning: ZImageConditioningField | list[ZImageConditioningField] | None = InputField( default=None, description=FieldDescriptions.negative_cond, input=Input.Connection ) # Z-Image-Turbo works best without CFG (guidance_scale=1.0) @@ -126,25 +132,50 @@ def _prep_inpaint_mask(self, context: InvocationContext, latents: torch.Tensor) def _load_text_conditioning( self, context: InvocationContext, - conditioning_name: str, + cond_field: ZImageConditioningField | list[ZImageConditioningField], + img_height: int, + img_width: int, dtype: torch.dtype, device: torch.device, - ) -> torch.Tensor: - """Load Z-Image text conditioning.""" - cond_data = context.conditioning.load(conditioning_name) - if len(cond_data.conditionings) != 1: - raise ValueError( - f"Expected exactly 1 conditioning entry for Z-Image, got {len(cond_data.conditionings)}. " - "Ensure you are using the Z-Image text encoder." - ) - z_image_conditioning = cond_data.conditionings[0] - if not isinstance(z_image_conditioning, ZImageConditioningInfo): - raise TypeError( - f"Expected ZImageConditioningInfo, got {type(z_image_conditioning).__name__}. " - "Ensure you are using the Z-Image text encoder." - ) - z_image_conditioning = z_image_conditioning.to(dtype=dtype, device=device) - return z_image_conditioning.prompt_embeds + ) -> list[ZImageTextConditioning]: + """Load Z-Image text conditioning with optional regional masks. + + Args: + context: The invocation context. + cond_field: Single conditioning field or list of fields. + img_height: Height of the image token grid (H // patch_size). + img_width: Width of the image token grid (W // patch_size). + dtype: Target dtype. + device: Target device. + + Returns: + List of ZImageTextConditioning objects with embeddings and masks. + """ + # Normalize to a list + cond_list = [cond_field] if isinstance(cond_field, ZImageConditioningField) else cond_field + + text_conditionings: list[ZImageTextConditioning] = [] + for cond in cond_list: + # Load the text embeddings + cond_data = context.conditioning.load(cond.conditioning_name) + assert len(cond_data.conditionings) == 1 + z_image_conditioning = cond_data.conditionings[0] + assert isinstance(z_image_conditioning, ZImageConditioningInfo) + z_image_conditioning = z_image_conditioning.to(dtype=dtype, device=device) + prompt_embeds = z_image_conditioning.prompt_embeds + + # Load the mask, if provided + mask: torch.Tensor | None = None + if cond.mask is not None: + mask = context.tensors.load(cond.mask.tensor_name) + mask = mask.to(device=device) + mask = ZImageRegionalPromptingExtension.preprocess_regional_prompt_mask( + mask, img_height, img_width, dtype, device + ) + + text_conditionings.append(ZImageTextConditioning(prompt_embeds=prompt_embeds, mask=mask)) + + return text_conditionings def _get_noise( self, @@ -221,14 +252,33 @@ def _run_diffusion(self, context: InvocationContext) -> torch.Tensor: transformer_info = context.models.load(self.transformer.transformer) - # Load positive conditioning - pos_prompt_embeds = self._load_text_conditioning( + # Calculate image token grid dimensions + patch_size = 2 # Z-Image uses patch_size=2 + latent_height = self.height // LATENT_SCALE_FACTOR + latent_width = self.width // LATENT_SCALE_FACTOR + img_token_height = latent_height // patch_size + img_token_width = latent_width // patch_size + img_seq_len = img_token_height * img_token_width + + # Load positive conditioning with regional masks + pos_text_conditionings = self._load_text_conditioning( context=context, - conditioning_name=self.positive_conditioning.conditioning_name, + cond_field=self.positive_conditioning, + img_height=img_token_height, + img_width=img_token_width, dtype=inference_dtype, device=device, ) + # Create regional prompting extension + regional_extension = ZImageRegionalPromptingExtension.from_text_conditionings( + text_conditionings=pos_text_conditionings, + img_seq_len=img_seq_len, + ) + + # Get the concatenated prompt embeddings for the transformer + pos_prompt_embeds = regional_extension.regional_text_conditioning.prompt_embeds + # Load negative conditioning if provided and guidance_scale != 1.0 # CFG formula: pred = pred_uncond + cfg_scale * (pred_cond - pred_uncond) # At cfg_scale=1.0: pred = pred_cond (no effect, skip uncond computation) @@ -238,21 +288,22 @@ def _run_diffusion(self, context: InvocationContext) -> torch.Tensor: not math.isclose(self.guidance_scale, 1.0) and self.negative_conditioning is not None ) if do_classifier_free_guidance: - if self.negative_conditioning is None: - raise ValueError("Negative conditioning is required when guidance_scale != 1.0") - neg_prompt_embeds = self._load_text_conditioning( + assert self.negative_conditioning is not None + # Load all negative conditionings and concatenate embeddings + # Note: We ignore masks for negative conditioning as regional negative prompting is not fully supported + neg_text_conditionings = self._load_text_conditioning( context=context, - conditioning_name=self.negative_conditioning.conditioning_name, + cond_field=self.negative_conditioning, + img_height=img_token_height, + img_width=img_token_width, dtype=inference_dtype, device=device, ) - - # Calculate image sequence length for timestep shifting - patch_size = 2 # Z-Image uses patch_size=2 - image_seq_len = ((self.height // LATENT_SCALE_FACTOR) * (self.width // LATENT_SCALE_FACTOR)) // (patch_size**2) + # Concatenate all negative embeddings + neg_prompt_embeds = torch.cat([tc.prompt_embeds for tc in neg_text_conditionings], dim=0) # Calculate shift based on image sequence length - mu = self._calculate_shift(image_seq_len) + mu = self._calculate_shift(img_seq_len) # Generate sigma schedule with time shift sigmas = self._get_sigmas(mu, self.steps) @@ -443,6 +494,15 @@ def _run_diffusion(self, context: InvocationContext) -> torch.Tensor: ) ) + # Apply regional prompting patch if we have regional masks + exit_stack.enter_context( + patch_transformer_for_regional_prompting( + transformer=transformer, + regional_attn_mask=regional_extension.regional_attn_mask, + img_seq_len=img_seq_len, + ) + ) + # Denoising loop for step_idx in tqdm(range(total_steps)): sigma_curr = sigmas[step_idx] diff --git a/invokeai/app/invocations/z_image_text_encoder.py b/invokeai/app/invocations/z_image_text_encoder.py index 9fd779f5497..cc6e947fba3 100644 --- a/invokeai/app/invocations/z_image_text_encoder.py +++ b/invokeai/app/invocations/z_image_text_encoder.py @@ -1,11 +1,18 @@ from contextlib import ExitStack -from typing import Iterator, Tuple +from typing import Iterator, Optional, Tuple import torch from transformers import PreTrainedModel, PreTrainedTokenizerBase from invokeai.app.invocations.baseinvocation import BaseInvocation, Classification, invocation -from invokeai.app.invocations.fields import FieldDescriptions, Input, InputField, UIComponent +from invokeai.app.invocations.fields import ( + FieldDescriptions, + Input, + InputField, + TensorField, + UIComponent, + ZImageConditioningField, +) from invokeai.app.invocations.model import Qwen3EncoderField from invokeai.app.invocations.primitives import ZImageConditioningOutput from invokeai.app.services.shared.invocation_context import InvocationContext @@ -27,11 +34,14 @@ title="Prompt - Z-Image", tags=["prompt", "conditioning", "z-image"], category="conditioning", - version="1.0.0", + version="1.1.0", classification=Classification.Prototype, ) class ZImageTextEncoderInvocation(BaseInvocation): - """Encodes and preps a prompt for a Z-Image image.""" + """Encodes and preps a prompt for a Z-Image image. + + Supports regional prompting by connecting a mask input. + """ prompt: str = InputField(description="Text prompt to encode.", ui_component=UIComponent.Textarea) qwen3_encoder: Qwen3EncoderField = InputField( @@ -39,13 +49,19 @@ class ZImageTextEncoderInvocation(BaseInvocation): description=FieldDescriptions.qwen3_encoder, input=Input.Connection, ) + mask: Optional[TensorField] = InputField( + default=None, + description="A mask defining the region that this conditioning prompt applies to.", + ) @torch.no_grad() def invoke(self, context: InvocationContext) -> ZImageConditioningOutput: prompt_embeds = self._encode_prompt(context, max_seq_len=Z_IMAGE_MAX_SEQ_LEN) conditioning_data = ConditioningFieldData(conditionings=[ZImageConditioningInfo(prompt_embeds=prompt_embeds)]) conditioning_name = context.conditioning.save(conditioning_data) - return ZImageConditioningOutput.build(conditioning_name) + return ZImageConditioningOutput( + conditioning=ZImageConditioningField(conditioning_name=conditioning_name, mask=self.mask) + ) def _encode_prompt(self, context: InvocationContext, max_seq_len: int) -> torch.Tensor: """Encode prompt using Qwen3 text encoder. diff --git a/invokeai/backend/z_image/__init__.py b/invokeai/backend/z_image/__init__.py index aa928f1a54e..7fe48dd2cb2 100644 --- a/invokeai/backend/z_image/__init__.py +++ b/invokeai/backend/z_image/__init__.py @@ -1,4 +1,4 @@ -# Z-Image Control Transformer support for InvokeAI +# Z-Image backend utilities from invokeai.backend.z_image.z_image_control_adapter import ZImageControlAdapter from invokeai.backend.z_image.z_image_control_transformer import ZImageControlTransformer2DModel from invokeai.backend.z_image.z_image_controlnet_extension import ( diff --git a/invokeai/backend/z_image/extensions/__init__.py b/invokeai/backend/z_image/extensions/__init__.py new file mode 100644 index 00000000000..318b401c79c --- /dev/null +++ b/invokeai/backend/z_image/extensions/__init__.py @@ -0,0 +1 @@ +# Z-Image extensions diff --git a/invokeai/backend/z_image/extensions/regional_prompting_extension.py b/invokeai/backend/z_image/extensions/regional_prompting_extension.py new file mode 100644 index 00000000000..bed15b97baa --- /dev/null +++ b/invokeai/backend/z_image/extensions/regional_prompting_extension.py @@ -0,0 +1,207 @@ +from typing import Optional + +import torch +import torchvision + +from invokeai.backend.util.devices import TorchDevice +from invokeai.backend.util.mask import to_standard_float_mask +from invokeai.backend.z_image.text_conditioning import ZImageRegionalTextConditioning, ZImageTextConditioning + + +class ZImageRegionalPromptingExtension: + """A class for managing regional prompting with Z-Image. + + This implementation is inspired by the FLUX regional prompting extension and + the paper https://arxiv.org/pdf/2411.02395. + + Key difference from FLUX: Z-Image uses sequence order [img_tokens, txt_tokens], + while FLUX uses [txt_tokens, img_tokens]. The attention mask construction + accounts for this difference. + """ + + def __init__( + self, + regional_text_conditioning: ZImageRegionalTextConditioning, + regional_attn_mask: torch.Tensor | None = None, + ): + self.regional_text_conditioning = regional_text_conditioning + self.regional_attn_mask = regional_attn_mask + + def get_attn_mask(self, block_index: int) -> torch.Tensor | None: + """Get the attention mask for a given block index. + + Uses alternating pattern: apply mask on even blocks, no mask on odd blocks. + This helps balance regional control with global coherence. + """ + order = [self.regional_attn_mask, None] + return order[block_index % len(order)] + + @classmethod + def from_text_conditionings( + cls, + text_conditionings: list[ZImageTextConditioning], + img_seq_len: int, + ) -> "ZImageRegionalPromptingExtension": + """Create a ZImageRegionalPromptingExtension from a list of text conditionings. + + Args: + text_conditionings: List of text conditionings with optional masks. + img_seq_len: The image sequence length (i.e. (H // patch_size) * (W // patch_size)). + + Returns: + A configured ZImageRegionalPromptingExtension. + """ + regional_text_conditioning = ZImageRegionalTextConditioning.from_text_conditionings(text_conditionings) + attn_mask = cls._prepare_regional_attn_mask(regional_text_conditioning, img_seq_len) + return cls( + regional_text_conditioning=regional_text_conditioning, + regional_attn_mask=attn_mask, + ) + + @classmethod + def _prepare_regional_attn_mask( + cls, + regional_text_conditioning: ZImageRegionalTextConditioning, + img_seq_len: int, + ) -> torch.Tensor | None: + """Prepare a regional attention mask for Z-Image. + + The mask controls which tokens can attend to each other: + - Image tokens within a region attend only to each other + - Image tokens attend only to their corresponding regional text + - Text tokens attend only to their corresponding regional image + - Text tokens attend to themselves + + Z-Image sequence order: [img_tokens, txt_tokens] + + Args: + regional_text_conditioning: The regional text conditioning data. + img_seq_len: Number of image tokens. + + Returns: + Attention mask of shape (img_seq_len + txt_seq_len, img_seq_len + txt_seq_len). + Returns None if no regional masks are present. + """ + # Check if any regional masks exist + has_regional_masks = any(mask is not None for mask in regional_text_conditioning.image_masks) + if not has_regional_masks: + # No regional masks, return None to use default attention + return None + + # Identify background region (area not covered by any mask) + background_region_mask: torch.Tensor | None = None + for image_mask in regional_text_conditioning.image_masks: + if image_mask is not None: + # image_mask shape: (1, 1, img_seq_len) -> flatten to (img_seq_len,) + mask_flat = image_mask.view(-1) + if background_region_mask is None: + background_region_mask = torch.ones_like(mask_flat) + background_region_mask = background_region_mask * (1 - mask_flat) + + device = TorchDevice.choose_torch_device() + txt_seq_len = regional_text_conditioning.prompt_embeds.shape[0] + total_seq_len = img_seq_len + txt_seq_len + + # Initialize empty attention mask + # Z-Image sequence: [img_tokens (0:img_seq_len), txt_tokens (img_seq_len:total_seq_len)] + regional_attention_mask = torch.zeros((total_seq_len, total_seq_len), device=device, dtype=torch.float16) + + for image_mask, embedding_range in zip( + regional_text_conditioning.image_masks, + regional_text_conditioning.embedding_ranges, + strict=True, + ): + # Calculate text token positions in the unified sequence + txt_start = img_seq_len + embedding_range.start + txt_end = img_seq_len + embedding_range.end + + # 1. txt attends to itself + regional_attention_mask[txt_start:txt_end, txt_start:txt_end] = 1.0 + + if image_mask is not None: + # Flatten mask: (1, 1, img_seq_len) -> (img_seq_len,) + mask_flat = image_mask.view(img_seq_len) + + # 2. img attends to corresponding regional txt + # Reshape mask to (img_seq_len, 1) for broadcasting + regional_attention_mask[:img_seq_len, txt_start:txt_end] = mask_flat.view(img_seq_len, 1) + + # 3. txt attends to corresponding regional img + # Reshape mask to (1, img_seq_len) for broadcasting + regional_attention_mask[txt_start:txt_end, :img_seq_len] = mask_flat.view(1, img_seq_len) + + # 4. img self-attention within region + # mask @ mask.T creates pairwise attention within the masked region + regional_attention_mask[:img_seq_len, :img_seq_len] += ( + mask_flat.view(img_seq_len, 1) @ mask_flat.view(1, img_seq_len) + ) + else: + # Global prompt: allow attention to/from background regions only + if background_region_mask is not None: + # 2. background img attends to global txt + regional_attention_mask[:img_seq_len, txt_start:txt_end] = background_region_mask.view( + img_seq_len, 1 + ) + + # 3. global txt attends to background img + regional_attention_mask[txt_start:txt_end, :img_seq_len] = background_region_mask.view( + 1, img_seq_len + ) + else: + # No regional masks at all, allow full attention + regional_attention_mask[:img_seq_len, txt_start:txt_end] = 1.0 + regional_attention_mask[txt_start:txt_end, :img_seq_len] = 1.0 + + # Allow background regions to attend to themselves + if background_region_mask is not None: + bg_mask = background_region_mask.view(img_seq_len, 1) + regional_attention_mask[:img_seq_len, :img_seq_len] += bg_mask @ bg_mask.T + + # Convert to boolean mask + regional_attention_mask = regional_attention_mask > 0.5 + + return regional_attention_mask + + @staticmethod + def preprocess_regional_prompt_mask( + mask: Optional[torch.Tensor], + target_height: int, + target_width: int, + dtype: torch.dtype, + device: torch.device, + ) -> torch.Tensor: + """Preprocess a regional prompt mask to match the target image token grid. + + Args: + mask: Input mask tensor. If None, returns a mask of all ones. + target_height: Height of the image token grid (H // patch_size). + target_width: Width of the image token grid (W // patch_size). + dtype: Target dtype for the mask. + device: Target device for the mask. + + Returns: + Processed mask of shape (1, 1, target_height * target_width). + """ + img_seq_len = target_height * target_width + + if mask is None: + return torch.ones((1, 1, img_seq_len), dtype=dtype, device=device) + + mask = to_standard_float_mask(mask, out_dtype=dtype) + + # Resize mask to target dimensions + tf = torchvision.transforms.Resize( + (target_height, target_width), + interpolation=torchvision.transforms.InterpolationMode.NEAREST, + ) + + # Add batch dimension if needed: (h, w) -> (1, h, w) -> (1, 1, h, w) + if mask.ndim == 2: + mask = mask.unsqueeze(0) + if mask.ndim == 3: + mask = mask.unsqueeze(0) + + resized_mask = tf(mask) + + # Flatten to (1, 1, img_seq_len) + return resized_mask.flatten(start_dim=2).to(device=device) diff --git a/invokeai/backend/z_image/text_conditioning.py b/invokeai/backend/z_image/text_conditioning.py new file mode 100644 index 00000000000..5fe6933bba5 --- /dev/null +++ b/invokeai/backend/z_image/text_conditioning.py @@ -0,0 +1,74 @@ +from dataclasses import dataclass + +import torch + +from invokeai.backend.stable_diffusion.diffusion.conditioning_data import Range + + +@dataclass +class ZImageTextConditioning: + """Z-Image text conditioning with optional regional mask. + + Attributes: + prompt_embeds: Text embeddings from Qwen3 encoder. Shape: (seq_len, hidden_size). + mask: Optional binary mask for regional prompting. If None, the prompt is global. + Shape: (1, 1, img_seq_len) where img_seq_len = (H // patch_size) * (W // patch_size). + """ + + prompt_embeds: torch.Tensor + mask: torch.Tensor | None = None + + +@dataclass +class ZImageRegionalTextConditioning: + """Container for multiple regional text conditionings concatenated together. + + In Z-Image, the unified sequence is [img_tokens, txt_tokens], which is different + from FLUX where it's [txt_tokens, img_tokens]. The attention mask must account for this. + + Attributes: + prompt_embeds: Concatenated text embeddings from all regional prompts. + Shape: (total_seq_len, hidden_size). + image_masks: List of binary masks for each regional prompt. + image_masks[i] corresponds to embedding_ranges[i]. + If None, the prompt is global (applies to entire image). + Shape: (1, 1, img_seq_len). + embedding_ranges: List of ranges indicating which portion of prompt_embeds + corresponds to each regional prompt. + """ + + prompt_embeds: torch.Tensor + image_masks: list[torch.Tensor | None] + embedding_ranges: list[Range] + + @classmethod + def from_text_conditionings( + cls, + text_conditionings: list[ZImageTextConditioning], + ) -> "ZImageRegionalTextConditioning": + """Create a ZImageRegionalTextConditioning from a list of ZImageTextConditioning objects. + + Args: + text_conditionings: List of text conditionings, each with optional mask. + + Returns: + A single ZImageRegionalTextConditioning with concatenated embeddings. + """ + concat_embeds: list[torch.Tensor] = [] + concat_ranges: list[Range] = [] + image_masks: list[torch.Tensor | None] = [] + + cur_embed_len = 0 + for tc in text_conditionings: + concat_embeds.append(tc.prompt_embeds) + concat_ranges.append(Range(start=cur_embed_len, end=cur_embed_len + tc.prompt_embeds.shape[0])) + image_masks.append(tc.mask) + cur_embed_len += tc.prompt_embeds.shape[0] + + prompt_embeds = torch.cat(concat_embeds, dim=0) + + return cls( + prompt_embeds=prompt_embeds, + image_masks=image_masks, + embedding_ranges=concat_ranges, + ) diff --git a/invokeai/backend/z_image/z_image_transformer_patch.py b/invokeai/backend/z_image/z_image_transformer_patch.py new file mode 100644 index 00000000000..97e9196f681 --- /dev/null +++ b/invokeai/backend/z_image/z_image_transformer_patch.py @@ -0,0 +1,232 @@ +"""Utilities for patching the ZImageTransformer2DModel to support regional attention masks.""" + +from contextlib import contextmanager +from typing import Callable, List, Optional, Tuple + +import torch +from torch.nn.utils.rnn import pad_sequence + + +def create_regional_forward( + original_forward: Callable, + regional_attn_mask: torch.Tensor, + img_seq_len: int, +) -> Callable: + """Create a modified forward function that uses a regional attention mask. + + The regional attention mask replaces the internally computed padding mask, + allowing for regional prompting where different image regions attend to + different text prompts. + + Args: + original_forward: The original forward method of ZImageTransformer2DModel. + regional_attn_mask: Attention mask of shape (seq_len, seq_len) where + seq_len = img_seq_len + txt_seq_len. + img_seq_len: Number of image tokens in the sequence. + + Returns: + A modified forward function with regional attention support. + """ + + def regional_forward( + self, + x: List[torch.Tensor], + t: torch.Tensor, + cap_feats: List[torch.Tensor], + patch_size: int = 2, + f_patch_size: int = 1, + ) -> Tuple[List[torch.Tensor], dict]: + """Modified forward with regional attention mask injection. + + This is based on the original ZImageTransformer2DModel.forward but + replaces the padding-based attention mask with a regional attention mask. + """ + assert patch_size in self.all_patch_size + assert f_patch_size in self.all_f_patch_size + + bsz = len(x) + device = x[0].device + t_scaled = t * self.t_scale + t_emb = self.t_embedder(t_scaled) + + SEQ_MULTI_OF = 32 # From diffusers transformer_z_image.py + + # Patchify and embed (reusing the original method) + ( + x, + cap_feats, + x_size, + x_pos_ids, + cap_pos_ids, + x_inner_pad_mask, + cap_inner_pad_mask, + ) = self.patchify_and_embed(x, cap_feats, patch_size, f_patch_size) + + # x embed & refine + x_item_seqlens = [len(_) for _ in x] + assert all(_ % SEQ_MULTI_OF == 0 for _ in x_item_seqlens) + x_max_item_seqlen = max(x_item_seqlens) + + x_cat = torch.cat(x, dim=0) + x_cat = self.all_x_embedder[f"{patch_size}-{f_patch_size}"](x_cat) + + adaln_input = t_emb.type_as(x_cat) + x_cat[torch.cat(x_inner_pad_mask)] = self.x_pad_token + x_list = list(x_cat.split(x_item_seqlens, dim=0)) + x_freqs_cis = list(self.rope_embedder(torch.cat(x_pos_ids, dim=0)).split(x_item_seqlens, dim=0)) + + x_padded = pad_sequence(x_list, batch_first=True, padding_value=0.0) + x_freqs_cis_padded = pad_sequence(x_freqs_cis, batch_first=True, padding_value=0.0) + x_attn_mask = torch.zeros((bsz, x_max_item_seqlen), dtype=torch.bool, device=device) + for i, seq_len in enumerate(x_item_seqlens): + x_attn_mask[i, :seq_len] = 1 + + # Process through noise_refiner + if torch.is_grad_enabled() and self.gradient_checkpointing: + for layer in self.noise_refiner: + x_padded = self._gradient_checkpointing_func(layer, x_padded, x_attn_mask, x_freqs_cis_padded, adaln_input) + else: + for layer in self.noise_refiner: + x_padded = layer(x_padded, x_attn_mask, x_freqs_cis_padded, adaln_input) + + # cap embed & refine + cap_item_seqlens = [len(_) for _ in cap_feats] + assert all(_ % SEQ_MULTI_OF == 0 for _ in cap_item_seqlens) + cap_max_item_seqlen = max(cap_item_seqlens) + + cap_cat = torch.cat(cap_feats, dim=0) + cap_cat = self.cap_embedder(cap_cat) + cap_cat[torch.cat(cap_inner_pad_mask)] = self.cap_pad_token + cap_list = list(cap_cat.split(cap_item_seqlens, dim=0)) + cap_freqs_cis = list(self.rope_embedder(torch.cat(cap_pos_ids, dim=0)).split(cap_item_seqlens, dim=0)) + + cap_padded = pad_sequence(cap_list, batch_first=True, padding_value=0.0) + cap_freqs_cis_padded = pad_sequence(cap_freqs_cis, batch_first=True, padding_value=0.0) + cap_attn_mask = torch.zeros((bsz, cap_max_item_seqlen), dtype=torch.bool, device=device) + for i, seq_len in enumerate(cap_item_seqlens): + cap_attn_mask[i, :seq_len] = 1 + + # Process through context_refiner + if torch.is_grad_enabled() and self.gradient_checkpointing: + for layer in self.context_refiner: + cap_padded = self._gradient_checkpointing_func(layer, cap_padded, cap_attn_mask, cap_freqs_cis_padded) + else: + for layer in self.context_refiner: + cap_padded = layer(cap_padded, cap_attn_mask, cap_freqs_cis_padded) + + # Unified sequence: [img_tokens, txt_tokens] + unified = [] + unified_freqs_cis = [] + for i in range(bsz): + x_len = x_item_seqlens[i] + cap_len = cap_item_seqlens[i] + unified.append(torch.cat([x_padded[i][:x_len], cap_padded[i][:cap_len]])) + unified_freqs_cis.append(torch.cat([x_freqs_cis_padded[i][:x_len], cap_freqs_cis_padded[i][:cap_len]])) + + unified_item_seqlens = [a + b for a, b in zip(cap_item_seqlens, x_item_seqlens)] + assert unified_item_seqlens == [len(_) for _ in unified] + unified_max_item_seqlen = max(unified_item_seqlens) + + unified_padded = pad_sequence(unified, batch_first=True, padding_value=0.0) + unified_freqs_cis_padded = pad_sequence(unified_freqs_cis, batch_first=True, padding_value=0.0) + + # --- REGIONAL ATTENTION MASK INJECTION --- + # Instead of using the padding mask, we use the regional attention mask + # The regional mask is (seq_len, seq_len), we need to expand it to (batch, seq_len, seq_len) + # and then add the batch dimension for broadcasting: (batch, 1, seq_len, seq_len) + + # Expand regional mask to match the actual sequence length (may include padding) + if regional_attn_mask.shape[0] != unified_max_item_seqlen: + # Pad the regional mask to match unified sequence length + padded_regional_mask = torch.zeros( + (unified_max_item_seqlen, unified_max_item_seqlen), + dtype=regional_attn_mask.dtype, + device=device, + ) + mask_size = min(regional_attn_mask.shape[0], unified_max_item_seqlen) + padded_regional_mask[:mask_size, :mask_size] = regional_attn_mask[:mask_size, :mask_size] + else: + padded_regional_mask = regional_attn_mask.to(device) + + # Convert boolean mask to additive float mask for attention + # True (attend) -> 0.0, False (block) -> -inf + # This is required because the attention backend expects additive masks for 4D inputs + # Use bfloat16 to match the transformer's query dtype + float_mask = torch.zeros_like(padded_regional_mask, dtype=torch.bfloat16) + float_mask[~padded_regional_mask] = float("-inf") + + # Expand to (batch, 1, seq_len, seq_len) for attention + unified_attn_mask = float_mask.unsqueeze(0).unsqueeze(0).expand(bsz, 1, -1, -1) + + # Process through main layers with regional attention mask + if torch.is_grad_enabled() and self.gradient_checkpointing: + for layer_idx, layer in enumerate(self.layers): + # Alternate between regional mask and full attention + if layer_idx % 2 == 0: + unified_padded = self._gradient_checkpointing_func( + layer, unified_padded, unified_attn_mask, unified_freqs_cis_padded, adaln_input + ) + else: + # Use padding mask only for odd layers (allows global coherence) + padding_mask = torch.zeros((bsz, unified_max_item_seqlen), dtype=torch.bool, device=device) + for i, seq_len in enumerate(unified_item_seqlens): + padding_mask[i, :seq_len] = 1 + unified_padded = self._gradient_checkpointing_func( + layer, unified_padded, padding_mask, unified_freqs_cis_padded, adaln_input + ) + else: + for layer_idx, layer in enumerate(self.layers): + # Alternate between regional mask and full attention + if layer_idx % 2 == 0: + unified_padded = layer(unified_padded, unified_attn_mask, unified_freqs_cis_padded, adaln_input) + else: + # Use padding mask only for odd layers (allows global coherence) + padding_mask = torch.zeros((bsz, unified_max_item_seqlen), dtype=torch.bool, device=device) + for i, seq_len in enumerate(unified_item_seqlens): + padding_mask[i, :seq_len] = 1 + unified_padded = layer(unified_padded, padding_mask, unified_freqs_cis_padded, adaln_input) + + # Final layer + unified_out = self.all_final_layer[f"{patch_size}-{f_patch_size}"](unified_padded, adaln_input) + unified_list = list(unified_out.unbind(dim=0)) + x_out = self.unpatchify(unified_list, x_size, patch_size, f_patch_size) + + return x_out, {} + + return regional_forward + + +@contextmanager +def patch_transformer_for_regional_prompting( + transformer, + regional_attn_mask: Optional[torch.Tensor], + img_seq_len: int, +): + """Context manager to temporarily patch the transformer for regional prompting. + + Args: + transformer: The ZImageTransformer2DModel instance. + regional_attn_mask: Regional attention mask of shape (seq_len, seq_len). + If None, the transformer is not patched. + img_seq_len: Number of image tokens. + + Yields: + The (possibly patched) transformer. + """ + if regional_attn_mask is None: + # No regional prompting, use original forward + yield transformer + return + + # Store original forward + original_forward = transformer.forward + + # Create and bind the regional forward + regional_fwd = create_regional_forward(original_forward, regional_attn_mask, img_seq_len) + transformer.forward = lambda *args, **kwargs: regional_fwd(transformer, *args, **kwargs) + + try: + yield transformer + finally: + # Restore original forward + transformer.forward = original_forward diff --git a/invokeai/frontend/web/openapi.json b/invokeai/frontend/web/openapi.json index b84d804f4dd..1be662f85e8 100644 --- a/invokeai/frontend/web/openapi.json +++ b/invokeai/frontend/web/openapi.json @@ -13,17 +13,35 @@ "description": "Creates a batch process", "operationId": "parse_dynamicprompts", "requestBody": { - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/Body_parse_dynamicprompts" } } }, + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_parse_dynamicprompts" + } + } + }, "required": true }, "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/DynamicPromptsResponse" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/DynamicPromptsResponse" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -41,8 +59,15 @@ "required": false, "schema": { "anyOf": [ - { "type": "array", "items": { "$ref": "#/components/schemas/BaseModelType" } }, - { "type": "null" } + { + "type": "array", + "items": { + "$ref": "#/components/schemas/BaseModelType" + } + }, + { + "type": "null" + } ], "description": "Base models to include", "title": "Base Models" @@ -54,7 +79,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "$ref": "#/components/schemas/ModelType" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelType" + }, + { + "type": "null" + } + ], "description": "The type of model to get", "title": "Model Type" }, @@ -65,7 +97,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "description": "Exact match on the name of the model", "title": "Model Name" }, @@ -76,7 +115,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "$ref": "#/components/schemas/ModelFormat" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelFormat" + }, + { + "type": "null" + } + ], "description": "Exact match on the format of the model (e.g. 'diffusers')", "title": "Model Format" }, @@ -86,11 +132,23 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/ModelsList" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/ModelsList" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -106,21 +164,31 @@ "name": "name", "in": "query", "required": true, - "schema": { "type": "string", "description": "The name of the model", "title": "Name" }, + "schema": { + "type": "string", + "description": "The name of the model", + "title": "Name" + }, "description": "The name of the model" }, { "name": "type", "in": "query", "required": true, - "schema": { "$ref": "#/components/schemas/ModelType", "description": "The type of the model" }, + "schema": { + "$ref": "#/components/schemas/ModelType", + "description": "The type of the model" + }, "description": "The type of the model" }, { "name": "base", "in": "query", "required": true, - "schema": { "$ref": "#/components/schemas/BaseModelType", "description": "The base model of the model" }, + "schema": { + "$ref": "#/components/schemas/BaseModelType", + "description": "The base model of the model" + }, "description": "The base model of the model" } ], @@ -131,74 +199,210 @@ "application/json": { "schema": { "oneOf": [ - { "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" }, - { "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" }, - { "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" }, - { "$ref": "#/components/schemas/TI_File_SD1_Config" }, - { "$ref": "#/components/schemas/TI_File_SD2_Config" }, - { "$ref": "#/components/schemas/TI_File_SDXL_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD1_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD2_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" }, - { "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" }, - { "$ref": "#/components/schemas/SigLIP_Diffusers_Config" }, - { "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" }, - { "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" }, - { "$ref": "#/components/schemas/Unknown_Config" } + { + "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" + }, + { + "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SDXL_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" + }, + { + "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/SigLIP_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/Unknown_Config" + } ], "title": "Response Get Model Records By Attrs" } @@ -207,7 +411,13 @@ }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -223,7 +433,11 @@ "name": "key", "in": "path", "required": true, - "schema": { "type": "string", "description": "Key of the model record to fetch.", "title": "Key" }, + "schema": { + "type": "string", + "description": "Key of the model record to fetch.", + "title": "Key" + }, "description": "Key of the model record to fetch." } ], @@ -234,74 +448,210 @@ "application/json": { "schema": { "oneOf": [ - { "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" }, - { "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" }, - { "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" }, - { "$ref": "#/components/schemas/TI_File_SD1_Config" }, - { "$ref": "#/components/schemas/TI_File_SD2_Config" }, - { "$ref": "#/components/schemas/TI_File_SDXL_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD1_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD2_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" }, - { "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" }, - { "$ref": "#/components/schemas/SigLIP_Diffusers_Config" }, - { "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" }, - { "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" }, - { "$ref": "#/components/schemas/Unknown_Config" } + { + "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" + }, + { + "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SDXL_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" + }, + { + "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/SigLIP_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/Unknown_Config" + } ], "title": "Response Get Model Record" }, @@ -326,11 +676,21 @@ } } }, - "400": { "description": "Bad request" }, - "404": { "description": "The model could not be found" }, + "400": { + "description": "Bad request" + }, + "404": { + "description": "The model could not be found" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -344,7 +704,11 @@ "name": "key", "in": "path", "required": true, - "schema": { "type": "string", "description": "Unique key of model", "title": "Key" }, + "schema": { + "type": "string", + "description": "Unique key of model", + "title": "Key" + }, "description": "Unique key of model" } ], @@ -378,74 +742,210 @@ "application/json": { "schema": { "oneOf": [ - { "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" }, - { "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" }, - { "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" }, - { "$ref": "#/components/schemas/TI_File_SD1_Config" }, - { "$ref": "#/components/schemas/TI_File_SD2_Config" }, - { "$ref": "#/components/schemas/TI_File_SDXL_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD1_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD2_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" }, - { "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" }, - { "$ref": "#/components/schemas/SigLIP_Diffusers_Config" }, - { "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" }, - { "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" }, - { "$ref": "#/components/schemas/Unknown_Config" } + { + "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" + }, + { + "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SDXL_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" + }, + { + "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/SigLIP_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/Unknown_Config" + } ], "title": "Response Update Model Record" }, @@ -470,12 +970,24 @@ } } }, - "400": { "description": "Bad request" }, - "404": { "description": "The model could not be found" }, - "409": { "description": "There is already a model corresponding to the new name" }, + "400": { + "description": "Bad request" + }, + "404": { + "description": "The model could not be found" + }, + "409": { + "description": "There is already a model corresponding to the new name" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -498,11 +1010,21 @@ } ], "responses": { - "204": { "description": "Model deleted successfully" }, - "404": { "description": "Model not found" }, + "204": { + "description": "Model deleted successfully" + }, + "404": { + "description": "Model not found" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -518,7 +1040,11 @@ "name": "key", "in": "path", "required": true, - "schema": { "type": "string", "description": "Key of the model to reidentify.", "title": "Key" }, + "schema": { + "type": "string", + "description": "Key of the model to reidentify.", + "title": "Key" + }, "description": "Key of the model to reidentify." } ], @@ -529,74 +1055,210 @@ "application/json": { "schema": { "oneOf": [ - { "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" }, - { "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" }, - { "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" }, - { "$ref": "#/components/schemas/TI_File_SD1_Config" }, - { "$ref": "#/components/schemas/TI_File_SD2_Config" }, - { "$ref": "#/components/schemas/TI_File_SDXL_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD1_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD2_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" }, - { "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" }, - { "$ref": "#/components/schemas/SigLIP_Diffusers_Config" }, - { "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" }, - { "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" }, - { "$ref": "#/components/schemas/Unknown_Config" } + { + "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" + }, + { + "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SDXL_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" + }, + { + "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/SigLIP_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/Unknown_Config" + } ], "title": "Response Reidentify Model" }, @@ -621,11 +1283,21 @@ } } }, - "400": { "description": "Bad request" }, - "404": { "description": "The model could not be found" }, + "400": { + "description": "Bad request" + }, + "404": { + "description": "The model could not be found" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -640,7 +1312,11 @@ "name": "scan_path", "in": "query", "required": false, - "schema": { "type": "string", "description": "Directory path to search for models", "title": "Scan Path" }, + "schema": { + "type": "string", + "description": "Directory path to search for models", + "title": "Scan Path" + }, "description": "Directory path to search for models" } ], @@ -651,16 +1327,26 @@ "application/json": { "schema": { "type": "array", - "items": { "$ref": "#/components/schemas/FoundModel" }, + "items": { + "$ref": "#/components/schemas/FoundModel" + }, "title": "Response Scan For Models" } } } }, - "400": { "description": "Invalid directory path" }, + "400": { + "description": "Invalid directory path" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -686,12 +1372,26 @@ "responses": { "200": { "description": "Hugging Face repo scanned successfully", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HuggingFaceModels" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HuggingFaceModels" + } + } + } + }, + "400": { + "description": "Invalid hugging face repo" }, - "400": { "description": "Invalid hugging face repo" }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -707,20 +1407,38 @@ "name": "key", "in": "path", "required": true, - "schema": { "type": "string", "description": "The name of model image file to get", "title": "Key" }, + "schema": { + "type": "string", + "description": "The name of model image file to get", + "title": "Key" + }, "description": "The name of model image file to get" } ], "responses": { "200": { "description": "The model image was fetched successfully", - "content": { "application/json": { "schema": {} } } + "content": { + "application/json": { + "schema": {} + } + } + }, + "400": { + "description": "Bad request" + }, + "404": { + "description": "The model image could not be found" }, - "400": { "description": "Bad request" }, - "404": { "description": "The model image could not be found" }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -733,23 +1451,45 @@ "name": "key", "in": "path", "required": true, - "schema": { "type": "string", "description": "Unique key of model", "title": "Key" }, + "schema": { + "type": "string", + "description": "Unique key of model", + "title": "Key" + }, "description": "Unique key of model" } ], "requestBody": { "required": true, - "content": { "multipart/form-data": { "schema": { "$ref": "#/components/schemas/Body_update_model_image" } } } + "content": { + "multipart/form-data": { + "schema": { + "$ref": "#/components/schemas/Body_update_model_image" + } + } + } }, "responses": { "200": { "description": "The model image was updated successfully", - "content": { "application/json": { "schema": {} } } + "content": { + "application/json": { + "schema": {} + } + } + }, + "400": { + "description": "Bad request" }, - "400": { "description": "Bad request" }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -771,11 +1511,21 @@ } ], "responses": { - "204": { "description": "Model image deleted successfully" }, - "404": { "description": "Model image not found" }, + "204": { + "description": "Model image deleted successfully" + }, + "404": { + "description": "Model image not found" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -803,7 +1553,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "description": "Whether or not to install a local model in place", "default": false, "title": "Inplace" @@ -815,7 +1572,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "description": "access token for the remote resource", "title": "Access Token" }, @@ -829,7 +1593,12 @@ "schema": { "$ref": "#/components/schemas/ModelRecordChanges", "description": "Object containing fields that override auto-probed values in the model config record, such as name, description and prediction_type ", - "examples": [{ "name": "string", "description": "string" }] + "examples": [ + { + "name": "string", + "description": "string" + } + ] } } } @@ -837,16 +1606,32 @@ "responses": { "201": { "description": "The model imported successfully", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/ModelInstallJob" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/ModelInstallJob" + } + } + } + }, + "415": { + "description": "Unrecognized file/folder format" }, - "415": { "description": "Unrecognized file/folder format" }, "424": { "description": "The model appeared to import successfully, but could not be found in the model manager" }, - "409": { "description": "There is already a model corresponding to this path or repo_id" }, + "409": { + "description": "There is already a model corresponding to this path or repo_id" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -862,7 +1647,9 @@ "application/json": { "schema": { "type": "array", - "items": { "$ref": "#/components/schemas/ModelInstallJob" }, + "items": { + "$ref": "#/components/schemas/ModelInstallJob" + }, "title": "Response List Model Installs" } } @@ -876,9 +1663,20 @@ "description": "Prune all completed and errored jobs from the install job list.", "operationId": "prune_model_install_jobs", "responses": { - "200": { "description": "Successful Response", "content": { "application/json": { "schema": {} } } }, - "204": { "description": "All completed and errored jobs have been pruned" }, - "400": { "description": "Bad request" } + "200": { + "description": "Successful Response", + "content": { + "application/json": { + "schema": {} + } + } + }, + "204": { + "description": "All completed and errored jobs have been pruned" + }, + "400": { + "description": "Bad request" + } } } }, @@ -893,20 +1691,40 @@ "name": "source", "in": "query", "required": true, - "schema": { "type": "string", "description": "HuggingFace repo_id to install", "title": "Source" }, + "schema": { + "type": "string", + "description": "HuggingFace repo_id to install", + "title": "Source" + }, "description": "HuggingFace repo_id to install" } ], "responses": { "201": { "description": "The model is being installed", - "content": { "text/html": { "schema": { "type": "string" } } } + "content": { + "text/html": { + "schema": { + "type": "string" + } + } + } + }, + "400": { + "description": "Bad request" + }, + "409": { + "description": "There is already a model corresponding to this path or repo_id" }, - "400": { "description": "Bad request" }, - "409": { "description": "There is already a model corresponding to this path or repo_id" }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -922,19 +1740,37 @@ "name": "id", "in": "path", "required": true, - "schema": { "type": "integer", "description": "Model install id", "title": "Id" }, + "schema": { + "type": "integer", + "description": "Model install id", + "title": "Id" + }, "description": "Model install id" } ], "responses": { "200": { "description": "Success", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/ModelInstallJob" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/ModelInstallJob" + } + } + } + }, + "404": { + "description": "No such job" }, - "404": { "description": "No such job" }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -948,19 +1784,35 @@ "name": "id", "in": "path", "required": true, - "schema": { "type": "integer", "description": "Model install job ID", "title": "Id" }, + "schema": { + "type": "integer", + "description": "Model install job ID", + "title": "Id" + }, "description": "Model install job ID" } ], "responses": { "201": { "description": "The job was cancelled successfully", - "content": { "application/json": { "schema": {} } } + "content": { + "application/json": { + "schema": {} + } + } + }, + "415": { + "description": "No such job" }, - "415": { "description": "No such job" }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -991,74 +1843,210 @@ "application/json": { "schema": { "oneOf": [ - { "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" }, - { "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" }, - { "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" }, - { "$ref": "#/components/schemas/TI_File_SD1_Config" }, - { "$ref": "#/components/schemas/TI_File_SD2_Config" }, - { "$ref": "#/components/schemas/TI_File_SDXL_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD1_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD2_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" }, - { "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" }, - { "$ref": "#/components/schemas/SigLIP_Diffusers_Config" }, - { "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" }, - { "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" }, - { "$ref": "#/components/schemas/Unknown_Config" } + { + "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" + }, + { + "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SDXL_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" + }, + { + "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/SigLIP_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/Unknown_Config" + } ], "title": "Response Convert Model" }, @@ -1083,12 +2071,24 @@ } } }, - "400": { "description": "Bad request" }, - "404": { "description": "Model not found" }, - "409": { "description": "There is already a model registered at this location" }, + "400": { + "description": "Bad request" + }, + "404": { + "description": "Model not found" + }, + "409": { + "description": "There is already a model registered at this location" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1101,7 +2101,13 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/StarterModelResponse" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/StarterModelResponse" + } + } + } } } } @@ -1118,7 +2124,14 @@ "content": { "application/json": { "schema": { - "anyOf": [{ "$ref": "#/components/schemas/CacheStats" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CacheStats" + }, + { + "type": "null" + } + ], "title": "Response Get Stats" } } @@ -1134,7 +2147,14 @@ "description": "Drop all models from the model cache to free RAM/VRAM. 'Locked' models that are in active use will not be dropped.", "operationId": "empty_model_cache", "responses": { - "200": { "description": "Successful Response", "content": { "application/json": { "schema": {} } } } + "200": { + "description": "Successful Response", + "content": { + "application/json": { + "schema": {} + } + } + } } } }, @@ -1146,7 +2166,13 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HFTokenStatus" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HFTokenStatus" + } + } + } } } }, @@ -1155,17 +2181,35 @@ "summary": "Do Hf Login", "operationId": "do_hf_login", "requestBody": { - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/Body_do_hf_login" } } }, + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_do_hf_login" + } + } + }, "required": true }, "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HFTokenStatus" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HFTokenStatus" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -1176,7 +2220,13 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HFTokenStatus" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HFTokenStatus" + } + } + } } } } @@ -1193,7 +2243,9 @@ "content": { "application/json": { "schema": { - "items": { "$ref": "#/components/schemas/DownloadJob" }, + "items": { + "$ref": "#/components/schemas/DownloadJob" + }, "type": "array", "title": "Response List Downloads" } @@ -1208,9 +2260,20 @@ "description": "Prune completed and errored jobs.", "operationId": "prune_downloads", "responses": { - "200": { "description": "Successful Response", "content": { "application/json": { "schema": {} } } }, - "204": { "description": "All completed jobs have been pruned" }, - "400": { "description": "Bad request" } + "200": { + "description": "Successful Response", + "content": { + "application/json": { + "schema": {} + } + } + }, + "204": { + "description": "All completed jobs have been pruned" + }, + "400": { + "description": "Bad request" + } } } }, @@ -1221,17 +2284,35 @@ "description": "Download the source URL to the file or directory indicted in dest.", "operationId": "download", "requestBody": { - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/Body_download" } } }, + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_download" + } + } + }, "required": true }, "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/DownloadJob" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/DownloadJob" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1247,19 +2328,37 @@ "name": "id", "in": "path", "required": true, - "schema": { "type": "integer", "description": "ID of the download job to fetch.", "title": "Id" }, + "schema": { + "type": "integer", + "description": "ID of the download job to fetch.", + "title": "Id" + }, "description": "ID of the download job to fetch." } ], "responses": { "200": { "description": "Success", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/DownloadJob" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/DownloadJob" + } + } + } + }, + "404": { + "description": "The requested download JobID could not be found" }, - "404": { "description": "The requested download JobID could not be found" }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -1273,17 +2372,38 @@ "name": "id", "in": "path", "required": true, - "schema": { "type": "integer", "description": "ID of the download job to cancel.", "title": "Id" }, + "schema": { + "type": "integer", + "description": "ID of the download job to cancel.", + "title": "Id" + }, "description": "ID of the download job to cancel." } ], "responses": { - "200": { "description": "Successful Response", "content": { "application/json": { "schema": {} } } }, - "204": { "description": "Job has been cancelled" }, - "404": { "description": "The requested download JobID could not be found" }, + "200": { + "description": "Successful Response", + "content": { + "application/json": { + "schema": {} + } + } + }, + "204": { + "description": "Job has been cancelled" + }, + "404": { + "description": "The requested download JobID could not be found" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1295,8 +2415,17 @@ "description": "Cancel all download jobs.", "operationId": "cancel_all_download_jobs", "responses": { - "200": { "description": "Successful Response", "content": { "application/json": { "schema": {} } } }, - "204": { "description": "Download jobs have been cancelled" } + "200": { + "description": "Successful Response", + "content": { + "application/json": { + "schema": {} + } + } + }, + "204": { + "description": "Download jobs have been cancelled" + } } } }, @@ -1311,7 +2440,10 @@ "name": "image_category", "in": "query", "required": true, - "schema": { "$ref": "#/components/schemas/ImageCategory", "description": "The category of the image" }, + "schema": { + "$ref": "#/components/schemas/ImageCategory", + "description": "The category of the image" + }, "description": "The category of the image" }, { @@ -1330,7 +2462,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "description": "The board to add this image to, if any", "title": "Board Id" }, @@ -1341,7 +2480,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "description": "The session ID associated with this upload, if any", "title": "Session Id" }, @@ -1352,7 +2498,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "description": "Whether to crop the image", "default": false, "title": "Crop Visible" @@ -1362,17 +2515,37 @@ ], "requestBody": { "required": true, - "content": { "multipart/form-data": { "schema": { "$ref": "#/components/schemas/Body_upload_image" } } } + "content": { + "multipart/form-data": { + "schema": { + "$ref": "#/components/schemas/Body_upload_image" + } + } + } }, "responses": { "201": { "description": "The image was uploaded successfully", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/ImageDTO" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/ImageDTO" + } + } + } + }, + "415": { + "description": "Image upload failed" }, - "415": { "description": "Image upload failed" }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1386,17 +2559,33 @@ "requestBody": { "required": true, "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/Body_create_image_upload_entry" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_create_image_upload_entry" + } + } } }, "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/ImageUploadEntry" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/ImageUploadEntry" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -1411,7 +2600,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "$ref": "#/components/schemas/ResourceOrigin" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ResourceOrigin" + }, + { + "type": "null" + } + ], "description": "The origin of images to list.", "title": "Image Origin" }, @@ -1423,8 +2619,15 @@ "required": false, "schema": { "anyOf": [ - { "type": "array", "items": { "$ref": "#/components/schemas/ImageCategory" } }, - { "type": "null" } + { + "type": "array", + "items": { + "$ref": "#/components/schemas/ImageCategory" + } + }, + { + "type": "null" + } ], "description": "The categories of image to include.", "title": "Categories" @@ -1436,7 +2639,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "description": "Whether to list intermediate images.", "title": "Is Intermediate" }, @@ -1447,7 +2657,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "description": "The board id to filter by. Use 'none' to find images without a board.", "title": "Board Id" }, @@ -1457,7 +2674,12 @@ "name": "offset", "in": "query", "required": false, - "schema": { "type": "integer", "description": "The page offset", "default": 0, "title": "Offset" }, + "schema": { + "type": "integer", + "description": "The page offset", + "default": 0, + "title": "Offset" + }, "description": "The page offset" }, { @@ -1500,7 +2722,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "description": "The term to search for", "title": "Search Term" }, @@ -1511,12 +2740,22 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/OffsetPaginatedResults_ImageDTO_" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/OffsetPaginatedResults_ImageDTO_" + } + } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1532,18 +2771,34 @@ "name": "image_name", "in": "path", "required": true, - "schema": { "type": "string", "description": "The name of the image to delete", "title": "Image Name" }, + "schema": { + "type": "string", + "description": "The name of the image to delete", + "title": "Image Name" + }, "description": "The name of the image to delete" } ], "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/DeleteImagesResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/DeleteImagesResult" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -1557,7 +2812,11 @@ "name": "image_name", "in": "path", "required": true, - "schema": { "type": "string", "description": "The name of the image to update", "title": "Image Name" }, + "schema": { + "type": "string", + "description": "The name of the image to update", + "title": "Image Name" + }, "description": "The name of the image to update" } ], @@ -1575,11 +2834,23 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/ImageDTO" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/ImageDTO" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -1593,18 +2864,34 @@ "name": "image_name", "in": "path", "required": true, - "schema": { "type": "string", "description": "The name of image to get", "title": "Image Name" }, + "schema": { + "type": "string", + "description": "The name of image to get", + "title": "Image Name" + }, "description": "The name of image to get" } ], "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/ImageDTO" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/ImageDTO" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1619,7 +2906,12 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "type": "integer", "title": "Response Get Intermediates Count" } } + "application/json": { + "schema": { + "type": "integer", + "title": "Response Get Intermediates Count" + } + } } } } @@ -1633,7 +2925,12 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "type": "integer", "title": "Response Clear Intermediates" } } + "application/json": { + "schema": { + "type": "integer", + "title": "Response Clear Intermediates" + } + } } } } @@ -1650,7 +2947,11 @@ "name": "image_name", "in": "path", "required": true, - "schema": { "type": "string", "description": "The name of image to get", "title": "Image Name" }, + "schema": { + "type": "string", + "description": "The name of image to get", + "title": "Image Name" + }, "description": "The name of image to get" } ], @@ -1660,7 +2961,14 @@ "content": { "application/json": { "schema": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "title": "Response Get Image Metadata" } } @@ -1668,7 +2976,13 @@ }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1694,11 +3008,23 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/WorkflowAndGraphResponse" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/WorkflowAndGraphResponse" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1723,11 +3049,24 @@ } ], "responses": { - "200": { "description": "Return the full-resolution image", "content": { "image/png": {} } }, - "404": { "description": "Image not found" }, + "200": { + "description": "Return the full-resolution image", + "content": { + "image/png": {} + } + }, + "404": { + "description": "Image not found" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -1750,11 +3089,24 @@ } ], "responses": { - "200": { "description": "Return the full-resolution image", "content": { "image/png": {} } }, - "404": { "description": "Image not found" }, + "200": { + "description": "Return the full-resolution image", + "content": { + "image/png": {} + } + }, + "404": { + "description": "Image not found" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1779,11 +3131,24 @@ } ], "responses": { - "200": { "description": "Return the image thumbnail", "content": { "image/webp": {} } }, - "404": { "description": "Image not found" }, + "200": { + "description": "Return the image thumbnail", + "content": { + "image/webp": {} + } + }, + "404": { + "description": "Image not found" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1810,11 +3175,23 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/ImageUrlsDTO" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/ImageUrlsDTO" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1826,18 +3203,34 @@ "operationId": "delete_images_from_list", "requestBody": { "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/Body_delete_images_from_list" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_delete_images_from_list" + } + } }, "required": true }, "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/DeleteImagesResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/DeleteImagesResult" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1851,7 +3244,13 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/DeleteImagesResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/DeleteImagesResult" + } + } + } } } } @@ -1862,17 +3261,35 @@ "summary": "Star Images In List", "operationId": "star_images_in_list", "requestBody": { - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/Body_star_images_in_list" } } }, + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_star_images_in_list" + } + } + }, "required": true }, "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/StarredImagesResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/StarredImagesResult" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1884,18 +3301,34 @@ "operationId": "unstar_images_in_list", "requestBody": { "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/Body_unstar_images_in_list" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_unstar_images_in_list" + } + } }, "required": true }, "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/UnstarredImagesResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/UnstarredImagesResult" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1907,17 +3340,33 @@ "operationId": "download_images_from_list", "requestBody": { "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/Body_download_images_from_list" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_download_images_from_list" + } + } } }, "responses": { "202": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/ImagesDownloaded" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/ImagesDownloaded" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1942,11 +3391,24 @@ } ], "responses": { - "200": { "description": "Return the complete bulk download item", "content": { "application/zip": {} } }, - "404": { "description": "Image not found" }, + "200": { + "description": "Return the complete bulk download item", + "content": { + "application/zip": {} + } + }, + "404": { + "description": "Image not found" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -1963,7 +3425,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "$ref": "#/components/schemas/ResourceOrigin" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ResourceOrigin" + }, + { + "type": "null" + } + ], "description": "The origin of images to list.", "title": "Image Origin" }, @@ -1975,8 +3444,15 @@ "required": false, "schema": { "anyOf": [ - { "type": "array", "items": { "$ref": "#/components/schemas/ImageCategory" } }, - { "type": "null" } + { + "type": "array", + "items": { + "$ref": "#/components/schemas/ImageCategory" + } + }, + { + "type": "null" + } ], "description": "The categories of image to include.", "title": "Categories" @@ -1988,7 +3464,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "description": "Whether to list intermediate images.", "title": "Is Intermediate" }, @@ -1999,7 +3482,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "description": "The board id to filter by. Use 'none' to find images without a board.", "title": "Board Id" }, @@ -2033,7 +3523,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "description": "The term to search for", "title": "Search Term" }, @@ -2043,11 +3540,23 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/ImageNamesResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/ImageNamesResult" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2059,7 +3568,13 @@ "description": "Gets image DTOs for the specified image names. Maintains order of input names.", "operationId": "get_images_by_names", "requestBody": { - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/Body_get_images_by_names" } } }, + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_get_images_by_names" + } + } + }, "required": true }, "responses": { @@ -2068,7 +3583,9 @@ "content": { "application/json": { "schema": { - "items": { "$ref": "#/components/schemas/ImageDTO" }, + "items": { + "$ref": "#/components/schemas/ImageDTO" + }, "type": "array", "title": "Response 200 Get Images By Names" } @@ -2077,7 +3594,13 @@ }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2105,11 +3628,23 @@ "responses": { "201": { "description": "The board was created successfully", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/BoardDTO" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/BoardDTO" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -2146,7 +3681,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "description": "Whether to list all boards", "title": "All" }, @@ -2157,7 +3699,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "description": "The page offset", "title": "Offset" }, @@ -2168,7 +3717,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "description": "The number of boards per page", "title": "Limit" }, @@ -2194,8 +3750,15 @@ "application/json": { "schema": { "anyOf": [ - { "$ref": "#/components/schemas/OffsetPaginatedResults_BoardDTO_" }, - { "type": "array", "items": { "$ref": "#/components/schemas/BoardDTO" } } + { + "$ref": "#/components/schemas/OffsetPaginatedResults_BoardDTO_" + }, + { + "type": "array", + "items": { + "$ref": "#/components/schemas/BoardDTO" + } + } ], "title": "Response List Boards" } @@ -2204,7 +3767,13 @@ }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2220,18 +3789,34 @@ "name": "board_id", "in": "path", "required": true, - "schema": { "type": "string", "description": "The id of board to get", "title": "Board Id" }, + "schema": { + "type": "string", + "description": "The id of board to get", + "title": "Board Id" + }, "description": "The id of board to get" } ], "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/BoardDTO" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/BoardDTO" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -2245,7 +3830,11 @@ "name": "board_id", "in": "path", "required": true, - "schema": { "type": "string", "description": "The id of board to update", "title": "Board Id" }, + "schema": { + "type": "string", + "description": "The id of board to update", + "title": "Board Id" + }, "description": "The id of board to update" } ], @@ -2263,11 +3852,23 @@ "responses": { "201": { "description": "The board was updated successfully", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/BoardDTO" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/BoardDTO" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -2281,7 +3882,11 @@ "name": "board_id", "in": "path", "required": true, - "schema": { "type": "string", "description": "The id of board to delete", "title": "Board Id" }, + "schema": { + "type": "string", + "description": "The id of board to delete", + "title": "Board Id" + }, "description": "The id of board to delete" }, { @@ -2289,7 +3894,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "description": "Permanently delete all images on the board", "default": false, "title": "Include Images" @@ -2300,11 +3912,23 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/DeleteBoardResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/DeleteBoardResult" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2333,8 +3957,15 @@ "required": false, "schema": { "anyOf": [ - { "type": "array", "items": { "$ref": "#/components/schemas/ImageCategory" } }, - { "type": "null" } + { + "type": "array", + "items": { + "$ref": "#/components/schemas/ImageCategory" + } + }, + { + "type": "null" + } ], "description": "The categories of image to include.", "title": "Categories" @@ -2346,7 +3977,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "description": "Whether to list intermediate images.", "title": "Is Intermediate" }, @@ -2360,7 +3998,9 @@ "application/json": { "schema": { "type": "array", - "items": { "type": "string" }, + "items": { + "type": "string" + }, "title": "Response List All Board Image Names" } } @@ -2368,7 +4008,13 @@ }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2380,17 +4026,35 @@ "description": "Creates a board_image", "operationId": "add_image_to_board", "requestBody": { - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/Body_add_image_to_board" } } }, + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_add_image_to_board" + } + } + }, "required": true }, "responses": { "201": { "description": "The image was added to a board successfully", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/AddImagesToBoardResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/AddImagesToBoardResult" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -2401,7 +4065,11 @@ "operationId": "remove_image_from_board", "requestBody": { "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/Body_remove_image_from_board" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_remove_image_from_board" + } + } }, "required": true }, @@ -2409,12 +4077,22 @@ "201": { "description": "The image was removed from the board successfully", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/RemoveImagesFromBoardResult" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/RemoveImagesFromBoardResult" + } + } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2426,17 +4104,35 @@ "description": "Adds a list of images to a board", "operationId": "add_images_to_board", "requestBody": { - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/Body_add_images_to_board" } } }, + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_add_images_to_board" + } + } + }, "required": true }, "responses": { "201": { "description": "Images were added to board successfully", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/AddImagesToBoardResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/AddImagesToBoardResult" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2449,7 +4145,11 @@ "operationId": "remove_images_from_board", "requestBody": { "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/Body_remove_images_from_board" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_remove_images_from_board" + } + } }, "required": true }, @@ -2457,12 +4157,22 @@ "201": { "description": "Images were removed from board successfully", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/RemoveImagesFromBoardResult" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/RemoveImagesFromBoardResult" + } + } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2491,7 +4201,13 @@ "description": "A list of related model keys was retrieved successfully", "content": { "application/json": { - "schema": { "type": "array", "items": { "type": "string" }, "title": "Response Get Related Models" }, + "schema": { + "type": "array", + "items": { + "type": "string" + }, + "title": "Response Get Related Models" + }, "example": [ "15e9eb28-8cfe-47c9-b610-37907a79fc3c", "71272e82-0e5f-46d5-bca9-9a61f4bd8a82", @@ -2500,8 +4216,12 @@ } } }, - "404": { "description": "The specified model could not be found" }, - "422": { "description": "Validation error" } + "404": { + "description": "The specified model could not be found" + }, + "422": { + "description": "Validation error" + } } } }, @@ -2523,11 +4243,21 @@ "required": true }, "responses": { - "204": { "description": "The relationship was successfully created" }, - "400": { "description": "Invalid model keys or self-referential relationship" }, - "409": { "description": "The relationship already exists" }, - "422": { "description": "Validation error" }, - "500": { "description": "Internal server error" } + "204": { + "description": "The relationship was successfully created" + }, + "400": { + "description": "Invalid model keys or self-referential relationship" + }, + "409": { + "description": "The relationship already exists" + }, + "422": { + "description": "Validation error" + }, + "500": { + "description": "Internal server error" + } } }, "delete": { @@ -2547,11 +4277,21 @@ "required": true }, "responses": { - "204": { "description": "The relationship was successfully removed" }, - "400": { "description": "Invalid model keys or self-referential relationship" }, - "404": { "description": "The relationship does not exist" }, - "422": { "description": "Validation error" }, - "500": { "description": "Internal server error" } + "204": { + "description": "The relationship was successfully removed" + }, + "400": { + "description": "Invalid model keys or self-referential relationship" + }, + "404": { + "description": "The relationship does not exist" + }, + "422": { + "description": "Validation error" + }, + "500": { + "description": "Internal server error" + } } } }, @@ -2578,7 +4318,9 @@ "content": { "application/json": { "schema": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Response Get Related Models Batch" }, @@ -2594,8 +4336,12 @@ } } }, - "422": { "description": "Validation error" }, - "500": { "description": "Internal server error" } + "422": { + "description": "Validation error" + }, + "500": { + "description": "Internal server error" + } } } }, @@ -2607,7 +4353,13 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/AppVersion" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/AppVersion" + } + } + } } } } @@ -2623,7 +4375,9 @@ "content": { "application/json": { "schema": { - "additionalProperties": { "type": "string" }, + "additionalProperties": { + "type": "string" + }, "type": "object", "title": "Response Get App Deps" } @@ -2642,7 +4396,12 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "type": "boolean", "title": "Response Get Patchmatch Status" } } + "application/json": { + "schema": { + "type": "boolean", + "title": "Response Get Patchmatch Status" + } + } } } } @@ -2657,7 +4416,11 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/InvokeAIAppConfigWithSetFields" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/InvokeAIAppConfigWithSetFields" + } + } } } } @@ -2672,7 +4435,13 @@ "responses": { "200": { "description": "The operation was successful", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/LogLevel" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/LogLevel" + } + } + } } } }, @@ -2684,7 +4453,10 @@ "requestBody": { "content": { "application/json": { - "schema": { "$ref": "#/components/schemas/LogLevel", "description": "New log verbosity level" } + "schema": { + "$ref": "#/components/schemas/LogLevel", + "description": "New log verbosity level" + } } }, "required": true @@ -2692,11 +4464,23 @@ "responses": { "200": { "description": "The operation was successful", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/LogLevel" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/LogLevel" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2708,7 +4492,14 @@ "description": "Clears the invocation cache", "operationId": "clear_invocation_cache", "responses": { - "200": { "description": "The operation was successful", "content": { "application/json": { "schema": {} } } } + "200": { + "description": "The operation was successful", + "content": { + "application/json": { + "schema": {} + } + } + } } } }, @@ -2719,7 +4510,14 @@ "description": "Clears the invocation cache", "operationId": "enable_invocation_cache", "responses": { - "200": { "description": "The operation was successful", "content": { "application/json": { "schema": {} } } } + "200": { + "description": "The operation was successful", + "content": { + "application/json": { + "schema": {} + } + } + } } } }, @@ -2730,7 +4528,14 @@ "description": "Clears the invocation cache", "operationId": "disable_invocation_cache", "responses": { - "200": { "description": "The operation was successful", "content": { "application/json": { "schema": {} } } } + "200": { + "description": "The operation was successful", + "content": { + "application/json": { + "schema": {} + } + } + } } } }, @@ -2743,7 +4548,13 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/InvocationCacheStatus" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/InvocationCacheStatus" + } + } + } } } } @@ -2769,20 +4580,44 @@ ], "requestBody": { "required": true, - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/Body_enqueue_batch" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_enqueue_batch" + } + } + } }, "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/EnqueueBatchResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/EnqueueBatchResult" + } + } + } }, "201": { - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/EnqueueBatchResult" } } }, + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/EnqueueBatchResult" + } + } + }, "description": "Created" }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2810,7 +4645,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "description": "The destination of queue items to fetch", "title": "Destination" }, @@ -2824,7 +4666,9 @@ "application/json": { "schema": { "type": "array", - "items": { "$ref": "#/components/schemas/SessionQueueItem" }, + "items": { + "$ref": "#/components/schemas/SessionQueueItem" + }, "title": "Response 200 List All Queue Items" } } @@ -2832,7 +4676,13 @@ }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2870,11 +4720,23 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/ItemIdsResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/ItemIdsResult" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2901,7 +4763,11 @@ "requestBody": { "required": true, "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/Body_get_queue_items_by_item_ids" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_get_queue_items_by_item_ids" + } + } } }, "responses": { @@ -2911,7 +4777,9 @@ "application/json": { "schema": { "type": "array", - "items": { "$ref": "#/components/schemas/SessionQueueItem" }, + "items": { + "$ref": "#/components/schemas/SessionQueueItem" + }, "title": "Response 200 Get Queue Items By Item Ids" } } @@ -2919,7 +4787,13 @@ }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2946,11 +4820,23 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/SessionProcessorStatus" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/SessionProcessorStatus" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -2977,11 +4863,23 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/SessionProcessorStatus" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/SessionProcessorStatus" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3009,12 +4907,22 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/CancelAllExceptCurrentResult" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/CancelAllExceptCurrentResult" + } + } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3042,12 +4950,22 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/DeleteAllExceptCurrentResult" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/DeleteAllExceptCurrentResult" + } + } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3073,16 +4991,34 @@ ], "requestBody": { "required": true, - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/Body_cancel_by_batch_ids" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_cancel_by_batch_ids" + } + } + } }, "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/CancelByBatchIDsResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/CancelByBatchIDsResult" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3121,12 +5057,22 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/CancelByDestinationResult" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/CancelByDestinationResult" + } + } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3156,7 +5102,9 @@ "application/json": { "schema": { "type": "array", - "items": { "type": "integer" }, + "items": { + "type": "integer" + }, "description": "The queue item ids to retry", "title": "Item Ids" } @@ -3166,11 +5114,23 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/RetryItemsResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/RetryItemsResult" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3197,11 +5157,23 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/ClearResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/ClearResult" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3228,11 +5200,23 @@ "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/PruneResult" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/PruneResult" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3263,10 +5247,18 @@ "application/json": { "schema": { "anyOf": [ - { "$ref": "#/components/schemas/SessionQueueItem" }, - { "type": "null" }, - { "$ref": "#/components/schemas/SessionQueueItem" }, - { "type": "null" } + { + "$ref": "#/components/schemas/SessionQueueItem" + }, + { + "type": "null" + }, + { + "$ref": "#/components/schemas/SessionQueueItem" + }, + { + "type": "null" + } ], "title": "Response 200 Get Current Queue Item" } @@ -3275,7 +5267,13 @@ }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3306,10 +5304,18 @@ "application/json": { "schema": { "anyOf": [ - { "$ref": "#/components/schemas/SessionQueueItem" }, - { "type": "null" }, - { "$ref": "#/components/schemas/SessionQueueItem" }, - { "type": "null" } + { + "$ref": "#/components/schemas/SessionQueueItem" + }, + { + "type": "null" + }, + { + "$ref": "#/components/schemas/SessionQueueItem" + }, + { + "type": "null" + } ], "title": "Response 200 Get Next Queue Item" } @@ -3318,7 +5324,13 @@ }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3346,12 +5358,22 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/SessionQueueAndProcessorStatus" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/SessionQueueAndProcessorStatus" + } + } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3378,18 +5400,34 @@ "name": "batch_id", "in": "path", "required": true, - "schema": { "type": "string", "description": "The batch to get the status of", "title": "Batch Id" }, + "schema": { + "type": "string", + "description": "The batch to get the status of", + "title": "Batch Id" + }, "description": "The batch to get the status of" } ], "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/BatchStatus" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/BatchStatus" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3416,18 +5454,34 @@ "name": "item_id", "in": "path", "required": true, - "schema": { "type": "integer", "description": "The queue item to get", "title": "Item Id" }, + "schema": { + "type": "integer", + "description": "The queue item to get", + "title": "Item Id" + }, "description": "The queue item to get" } ], "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/SessionQueueItem" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/SessionQueueItem" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -3452,15 +5506,32 @@ "name": "item_id", "in": "path", "required": true, - "schema": { "type": "integer", "description": "The queue item to delete", "title": "Item Id" }, + "schema": { + "type": "integer", + "description": "The queue item to delete", + "title": "Item Id" + }, "description": "The queue item to delete" } ], "responses": { - "200": { "description": "Successful Response", "content": { "application/json": { "schema": {} } } }, + "200": { + "description": "Successful Response", + "content": { + "application/json": { + "schema": {} + } + } + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3487,18 +5558,34 @@ "name": "item_id", "in": "path", "required": true, - "schema": { "type": "integer", "description": "The queue item to cancel", "title": "Item Id" }, + "schema": { + "type": "integer", + "description": "The queue item to cancel", + "title": "Item Id" + }, "description": "The queue item to cancel" } ], "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/SessionQueueItem" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/SessionQueueItem" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3514,14 +5601,22 @@ "name": "queue_id", "in": "path", "required": true, - "schema": { "type": "string", "description": "The queue id to query", "title": "Queue Id" }, + "schema": { + "type": "string", + "description": "The queue id to query", + "title": "Queue Id" + }, "description": "The queue id to query" }, { "name": "destination", "in": "query", "required": true, - "schema": { "type": "string", "description": "The destination to query", "title": "Destination" }, + "schema": { + "type": "string", + "description": "The destination to query", + "title": "Destination" + }, "description": "The destination to query" } ], @@ -3529,12 +5624,22 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/SessionQueueCountsByDestination" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/SessionQueueCountsByDestination" + } + } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3550,14 +5655,22 @@ "name": "queue_id", "in": "path", "required": true, - "schema": { "type": "string", "description": "The queue id to query", "title": "Queue Id" }, + "schema": { + "type": "string", + "description": "The queue id to query", + "title": "Queue Id" + }, "description": "The queue id to query" }, { "name": "destination", "in": "path", "required": true, - "schema": { "type": "string", "description": "The destination to query", "title": "Destination" }, + "schema": { + "type": "string", + "description": "The destination to query", + "title": "Destination" + }, "description": "The destination to query" } ], @@ -3565,12 +5678,22 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/DeleteByDestinationResult" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/DeleteByDestinationResult" + } + } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3586,7 +5709,11 @@ "name": "workflow_id", "in": "path", "required": true, - "schema": { "type": "string", "description": "The workflow to get", "title": "Workflow Id" }, + "schema": { + "type": "string", + "description": "The workflow to get", + "title": "Workflow Id" + }, "description": "The workflow to get" } ], @@ -3594,12 +5721,22 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/WorkflowRecordWithThumbnailDTO" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/WorkflowRecordWithThumbnailDTO" + } + } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -3610,16 +5747,34 @@ "operationId": "update_workflow", "requestBody": { "required": true, - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/Body_update_workflow" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_update_workflow" + } + } + } }, "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/WorkflowRecordDTO" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/WorkflowRecordDTO" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -3633,15 +5788,32 @@ "name": "workflow_id", "in": "path", "required": true, - "schema": { "type": "string", "description": "The workflow to delete", "title": "Workflow Id" }, + "schema": { + "type": "string", + "description": "The workflow to delete", + "title": "Workflow Id" + }, "description": "The workflow to delete" } ], "responses": { - "200": { "description": "Successful Response", "content": { "application/json": { "schema": {} } } }, + "200": { + "description": "Successful Response", + "content": { + "application/json": { + "schema": {} + } + } + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3654,16 +5826,34 @@ "operationId": "create_workflow", "requestBody": { "required": true, - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/Body_create_workflow" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/Body_create_workflow" + } + } + } }, "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/WorkflowRecordDTO" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/WorkflowRecordDTO" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -3677,7 +5867,12 @@ "name": "page", "in": "query", "required": false, - "schema": { "type": "integer", "description": "The page to get", "default": 0, "title": "Page" }, + "schema": { + "type": "integer", + "description": "The page to get", + "default": 0, + "title": "Page" + }, "description": "The page to get" }, { @@ -3685,7 +5880,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "description": "The number of workflows per page", "title": "Per Page" }, @@ -3719,8 +5921,15 @@ "required": false, "schema": { "anyOf": [ - { "type": "array", "items": { "$ref": "#/components/schemas/WorkflowCategory" } }, - { "type": "null" } + { + "type": "array", + "items": { + "$ref": "#/components/schemas/WorkflowCategory" + } + }, + { + "type": "null" + } ], "description": "The categories of workflow to get", "title": "Categories" @@ -3732,7 +5941,17 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "array", "items": { "type": "string" } }, { "type": "null" }], + "anyOf": [ + { + "type": "array", + "items": { + "type": "string" + } + }, + { + "type": "null" + } + ], "description": "The tags of workflow to get", "title": "Tags" }, @@ -3743,7 +5962,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "description": "The text to query by (matches name and description)", "title": "Query" }, @@ -3754,7 +5980,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "description": "Whether to include/exclude recent workflows", "title": "Has Been Opened" }, @@ -3766,13 +5999,21 @@ "description": "Successful Response", "content": { "application/json": { - "schema": { "$ref": "#/components/schemas/PaginatedResults_WorkflowRecordListItemWithThumbnailDTO_" } + "schema": { + "$ref": "#/components/schemas/PaginatedResults_WorkflowRecordListItemWithThumbnailDTO_" + } } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3788,24 +6029,44 @@ "name": "workflow_id", "in": "path", "required": true, - "schema": { "type": "string", "description": "The workflow to update", "title": "Workflow Id" }, + "schema": { + "type": "string", + "description": "The workflow to update", + "title": "Workflow Id" + }, "description": "The workflow to update" } ], "requestBody": { "required": true, "content": { - "multipart/form-data": { "schema": { "$ref": "#/components/schemas/Body_set_workflow_thumbnail" } } + "multipart/form-data": { + "schema": { + "$ref": "#/components/schemas/Body_set_workflow_thumbnail" + } + } } }, "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/WorkflowRecordDTO" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/WorkflowRecordDTO" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -3819,18 +6080,34 @@ "name": "workflow_id", "in": "path", "required": true, - "schema": { "type": "string", "description": "The workflow to update", "title": "Workflow Id" }, + "schema": { + "type": "string", + "description": "The workflow to update", + "title": "Workflow Id" + }, "description": "The workflow to update" } ], "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/WorkflowRecordDTO" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/WorkflowRecordDTO" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -3855,13 +6132,27 @@ "responses": { "200": { "description": "The workflow thumbnail was fetched successfully", - "content": { "application/json": { "schema": {} } } + "content": { + "application/json": { + "schema": {} + } + } + }, + "400": { + "description": "Bad request" + }, + "404": { + "description": "The workflow thumbnail could not be found" }, - "400": { "description": "Bad request" }, - "404": { "description": "The workflow thumbnail could not be found" }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3879,7 +6170,9 @@ "required": true, "schema": { "type": "array", - "items": { "type": "string" }, + "items": { + "type": "string" + }, "description": "The tags to get counts for", "title": "Tags" }, @@ -3891,8 +6184,15 @@ "required": false, "schema": { "anyOf": [ - { "type": "array", "items": { "$ref": "#/components/schemas/WorkflowCategory" } }, - { "type": "null" } + { + "type": "array", + "items": { + "$ref": "#/components/schemas/WorkflowCategory" + } + }, + { + "type": "null" + } ], "description": "The categories to include", "title": "Categories" @@ -3904,7 +6204,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "description": "Whether to include/exclude recent workflows", "title": "Has Been Opened" }, @@ -3918,7 +6225,9 @@ "application/json": { "schema": { "type": "object", - "additionalProperties": { "type": "integer" }, + "additionalProperties": { + "type": "integer" + }, "title": "Response Get Counts By Tag" } } @@ -3926,7 +6235,13 @@ }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3944,7 +6259,9 @@ "required": true, "schema": { "type": "array", - "items": { "$ref": "#/components/schemas/WorkflowCategory" }, + "items": { + "$ref": "#/components/schemas/WorkflowCategory" + }, "description": "The categories to include", "title": "Categories" }, @@ -3955,7 +6272,14 @@ "in": "query", "required": false, "schema": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "description": "Whether to include/exclude recent workflows", "title": "Has Been Opened" }, @@ -3969,7 +6293,9 @@ "application/json": { "schema": { "type": "object", - "additionalProperties": { "type": "integer" }, + "additionalProperties": { + "type": "integer" + }, "title": "Response Counts By Category" } } @@ -3977,7 +6303,13 @@ }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -3993,15 +6325,32 @@ "name": "workflow_id", "in": "path", "required": true, - "schema": { "type": "string", "description": "The workflow to update", "title": "Workflow Id" }, + "schema": { + "type": "string", + "description": "The workflow to update", + "title": "Workflow Id" + }, "description": "The workflow to update" } ], "responses": { - "200": { "description": "Successful Response", "content": { "application/json": { "schema": {} } } }, + "200": { + "description": "Successful Response", + "content": { + "application/json": { + "schema": {} + } + } + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -4017,7 +6366,11 @@ "name": "style_preset_id", "in": "path", "required": true, - "schema": { "type": "string", "description": "The style preset to get", "title": "Style Preset Id" }, + "schema": { + "type": "string", + "description": "The style preset to get", + "title": "Style Preset Id" + }, "description": "The style preset to get" } ], @@ -4025,12 +6378,22 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/StylePresetRecordWithImage" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/StylePresetRecordWithImage" + } + } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -4055,19 +6418,33 @@ "requestBody": { "required": true, "content": { - "multipart/form-data": { "schema": { "$ref": "#/components/schemas/Body_update_style_preset" } } + "multipart/form-data": { + "schema": { + "$ref": "#/components/schemas/Body_update_style_preset" + } + } } }, "responses": { "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/StylePresetRecordWithImage" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/StylePresetRecordWithImage" + } + } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } }, @@ -4081,15 +6458,32 @@ "name": "style_preset_id", "in": "path", "required": true, - "schema": { "type": "string", "description": "The style preset to delete", "title": "Style Preset Id" }, + "schema": { + "type": "string", + "description": "The style preset to delete", + "title": "Style Preset Id" + }, "description": "The style preset to delete" } ], "responses": { - "200": { "description": "Successful Response", "content": { "application/json": { "schema": {} } } }, + "200": { + "description": "Successful Response", + "content": { + "application/json": { + "schema": {} + } + } + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -4106,7 +6500,9 @@ "content": { "application/json": { "schema": { - "items": { "$ref": "#/components/schemas/StylePresetRecordWithImage" }, + "items": { + "$ref": "#/components/schemas/StylePresetRecordWithImage" + }, "type": "array", "title": "Response 200 List Style Presets" } @@ -4122,7 +6518,11 @@ "operationId": "create_style_preset", "requestBody": { "content": { - "multipart/form-data": { "schema": { "$ref": "#/components/schemas/Body_create_style_preset" } } + "multipart/form-data": { + "schema": { + "$ref": "#/components/schemas/Body_create_style_preset" + } + } }, "required": true }, @@ -4130,12 +6530,22 @@ "200": { "description": "Successful Response", "content": { - "application/json": { "schema": { "$ref": "#/components/schemas/StylePresetRecordWithImage" } } + "application/json": { + "schema": { + "$ref": "#/components/schemas/StylePresetRecordWithImage" + } + } } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -4162,13 +6572,27 @@ "responses": { "200": { "description": "The style preset image was fetched successfully", - "content": { "application/json": { "schema": {} } } + "content": { + "application/json": { + "schema": {} + } + } + }, + "400": { + "description": "Bad request" + }, + "404": { + "description": "The style preset image could not be found" }, - "400": { "description": "Bad request" }, - "404": { "description": "The style preset image could not be found" }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -4181,7 +6605,12 @@ "responses": { "200": { "description": "A CSV file with the requested data.", - "content": { "application/json": { "schema": {} }, "text/csv": {} } + "content": { + "application/json": { + "schema": {} + }, + "text/csv": {} + } } } } @@ -4193,15 +6622,32 @@ "operationId": "import_style_presets", "requestBody": { "content": { - "multipart/form-data": { "schema": { "$ref": "#/components/schemas/Body_import_style_presets" } } + "multipart/form-data": { + "schema": { + "$ref": "#/components/schemas/Body_import_style_presets" + } + } }, "required": true }, "responses": { - "200": { "description": "Successful Response", "content": { "application/json": { "schema": {} } } }, + "200": { + "description": "Successful Response", + "content": { + "application/json": { + "schema": {} + } + } + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -4228,7 +6674,11 @@ "name": "key", "in": "query", "required": true, - "schema": { "type": "string", "description": "Key to get", "title": "Key" }, + "schema": { + "type": "string", + "description": "Key to get", + "title": "Key" + }, "description": "Key to get" } ], @@ -4238,7 +6688,14 @@ "content": { "application/json": { "schema": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Response Get Client State By Key" } } @@ -4246,7 +6703,13 @@ }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -4273,7 +6736,11 @@ "name": "key", "in": "query", "required": true, - "schema": { "type": "string", "description": "Key to set", "title": "Key" }, + "schema": { + "type": "string", + "description": "Key to set", + "title": "Key" + }, "description": "Key to set" } ], @@ -4281,18 +6748,35 @@ "required": true, "content": { "application/json": { - "schema": { "type": "string", "description": "Stringified value to set", "title": "Value" } + "schema": { + "type": "string", + "description": "Stringified value to set", + "title": "Value" + } } } }, "responses": { "200": { "description": "Successful Response", - "content": { "application/json": { "schema": { "type": "string", "title": "Response Set Client State" } } } + "content": { + "application/json": { + "schema": { + "type": "string", + "title": "Response Set Client State" + } + } + } }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -4317,11 +6801,26 @@ } ], "responses": { - "200": { "description": "Successful Response", "content": { "application/json": { "schema": {} } } }, - "204": { "description": "Client state deleted" }, + "200": { + "description": "Successful Response", + "content": { + "application/json": { + "schema": {} + } + } + }, + "204": { + "description": "Client state deleted" + }, "422": { "description": "Validation Error", - "content": { "application/json": { "schema": { "$ref": "#/components/schemas/HTTPValidationError" } } } + "content": { + "application/json": { + "schema": { + "$ref": "#/components/schemas/HTTPValidationError" + } + } + } } } } @@ -4332,13 +6831,17 @@ "AddImagesToBoardResult": { "properties": { "affected_boards": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Affected Boards", "description": "The ids of boards affected by the delete operation" }, "added_images": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Added Images", "description": "The image names that were added to the board" @@ -4412,7 +6915,9 @@ "title": "Add Integers", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/IntegerOutput" } + "output": { + "$ref": "#/components/schemas/IntegerOutput" + } }, "AlphaMaskToTensorInvocation": { "category": "conditioning", @@ -4446,7 +6951,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask image to convert.", "field_kind": "input", @@ -4476,82 +6988,226 @@ "title": "Alpha Mask to Tensor", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/MaskOutput" } + "output": { + "$ref": "#/components/schemas/MaskOutput" + } }, "AnyModelConfig": { "oneOf": [ - { "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" }, - { "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" }, - { "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" }, - { "$ref": "#/components/schemas/TI_File_SD1_Config" }, - { "$ref": "#/components/schemas/TI_File_SD2_Config" }, - { "$ref": "#/components/schemas/TI_File_SDXL_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD1_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD2_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" }, - { "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" }, - { "$ref": "#/components/schemas/SigLIP_Diffusers_Config" }, - { "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" }, - { "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" }, - { "$ref": "#/components/schemas/Unknown_Config" } + { + "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" + }, + { + "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SDXL_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" + }, + { + "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/SigLIP_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/Unknown_Config" + } ] }, "AppVersion": { - "properties": { "version": { "type": "string", "title": "Version", "description": "App version" } }, + "properties": { + "version": { + "type": "string", + "title": "Version", + "description": "App version" + } + }, "type": "object", "required": ["version"], "title": "AppVersion", @@ -4565,7 +7221,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -4574,7 +7237,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -4607,7 +7277,14 @@ "type": "boolean" }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/TensorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask tensor to apply.", "field_kind": "input", @@ -4615,7 +7292,14 @@ "orig_required": true }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to apply the mask to.", "field_kind": "input", @@ -4645,7 +7329,9 @@ "title": "Apply Tensor Mask to Image", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ApplyMaskToImageInvocation": { "category": "image", @@ -4655,7 +7341,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -4664,7 +7357,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -4697,7 +7397,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image from which to extract the masked region", "field_kind": "input", @@ -4705,7 +7412,14 @@ "orig_required": true }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask defining the region (black=keep, white=discard)", "field_kind": "input", @@ -4735,12 +7449,23 @@ "title": "Apply Mask to Image", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "BaseMetadata": { "properties": { - "name": { "type": "string", "title": "Name", "description": "model's name" }, - "type": { "type": "string", "const": "basemetadata", "title": "Type", "default": "basemetadata" } + "name": { + "type": "string", + "title": "Name", + "description": "model's name" + }, + "type": { + "type": "string", + "const": "basemetadata", + "title": "Type", + "default": "basemetadata" + } }, "type": "object", "required": ["name"], @@ -4755,28 +7480,66 @@ }, "Batch": { "properties": { - "batch_id": { "type": "string", "title": "Batch Id", "description": "The ID of the batch" }, + "batch_id": { + "type": "string", + "title": "Batch Id", + "description": "The ID of the batch" + }, "origin": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Origin", "description": "The origin of this queue item. This data is used by the frontend to determine how to handle results." }, "destination": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Destination", "description": "The origin of this queue item. This data is used by the frontend to determine how to handle results" }, "data": { "anyOf": [ - { "items": { "items": { "$ref": "#/components/schemas/BatchDatum" }, "type": "array" }, "type": "array" }, - { "type": "null" } + { + "items": { + "items": { + "$ref": "#/components/schemas/BatchDatum" + }, + "type": "array" + }, + "type": "array" + }, + { + "type": "null" + } ], "title": "Data", "description": "The batch data collection." }, - "graph": { "$ref": "#/components/schemas/Graph", "description": "The graph to initialize the session with" }, + "graph": { + "$ref": "#/components/schemas/Graph", + "description": "The graph to initialize the session with" + }, "workflow": { - "anyOf": [{ "$ref": "#/components/schemas/WorkflowWithoutID" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/WorkflowWithoutID" + }, + { + "type": "null" + } + ], "description": "The workflow to initialize the session with" }, "runs": { @@ -4806,10 +7569,18 @@ "items": { "items": { "anyOf": [ - { "type": "string" }, - { "type": "number" }, - { "type": "integer" }, - { "$ref": "#/components/schemas/ImageField" } + { + "type": "string" + }, + { + "type": "number" + }, + { + "type": "integer" + }, + { + "$ref": "#/components/schemas/ImageField" + } ] }, "type": "array", @@ -4824,18 +7595,45 @@ "BatchEnqueuedEvent": { "description": "Event model for batch_enqueued", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "queue_id": { "description": "The ID of the queue", "title": "Queue Id", "type": "string" }, - "batch_id": { "description": "The ID of the batch", "title": "Batch Id", "type": "string" }, - "enqueued": { "description": "The number of invocations enqueued", "title": "Enqueued", "type": "integer" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "queue_id": { + "description": "The ID of the queue", + "title": "Queue Id", + "type": "string" + }, + "batch_id": { + "description": "The ID of the batch", + "title": "Batch Id", + "type": "string" + }, + "enqueued": { + "description": "The number of invocations enqueued", + "title": "Enqueued", + "type": "integer" + }, "requested": { "description": "The number of invocations initially requested to be enqueued (may be less than enqueued if queue was full)", "title": "Requested", "type": "integer" }, - "priority": { "description": "The priority of the batch", "title": "Priority", "type": "integer" }, + "priority": { + "description": "The priority of the batch", + "title": "Priority", + "type": "integer" + }, "origin": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The origin of the batch", "title": "Origin" @@ -4847,15 +7645,37 @@ }, "BatchStatus": { "properties": { - "queue_id": { "type": "string", "title": "Queue Id", "description": "The ID of the queue" }, - "batch_id": { "type": "string", "title": "Batch Id", "description": "The ID of the batch" }, + "queue_id": { + "type": "string", + "title": "Queue Id", + "description": "The ID of the queue" + }, + "batch_id": { + "type": "string", + "title": "Batch Id", + "description": "The ID of the batch" + }, "origin": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Origin", "description": "The origin of the batch" }, "destination": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Destination", "description": "The destination of the batch" }, @@ -4884,7 +7704,11 @@ "title": "Canceled", "description": "Number of queue items with status 'canceled'" }, - "total": { "type": "integer", "title": "Total", "description": "Total number of queue items" } + "total": { + "type": "integer", + "title": "Total", + "description": "Total number of queue items" + } }, "type": "object", "required": [ @@ -4909,7 +7733,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -4918,7 +7749,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -4983,11 +7821,21 @@ }, "color": { "$ref": "#/components/schemas/ColorField", - "default": { "r": 0, "g": 0, "b": 0, "a": 255 }, + "default": { + "r": 0, + "g": 0, + "b": 0, + "a": 255 + }, "description": "The color of the image", "field_kind": "input", "input": "any", - "orig_default": { "a": 255, "b": 0, "g": 0, "r": 0 }, + "orig_default": { + "a": 255, + "b": 0, + "g": 0, + "r": 0 + }, "orig_required": false }, "type": { @@ -5003,7 +7851,9 @@ "title": "Blank Image", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "BlendLatentsInvocation": { "category": "latents", @@ -5037,7 +7887,14 @@ "type": "boolean" }, "latents_a": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -5045,7 +7902,14 @@ "orig_required": true }, "latents_b": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -5053,7 +7917,14 @@ "orig_required": true }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "Mask for blending in latents B", "field_kind": "input", @@ -5085,22 +7956,46 @@ "title": "Blend Latents", "type": "object", "version": "1.1.0", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "BoardChanges": { "properties": { "board_name": { - "anyOf": [{ "type": "string", "maxLength": 300 }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "maxLength": 300 + }, + { + "type": "null" + } + ], "title": "Board Name", "description": "The board's new name." }, "cover_image_name": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image Name", "description": "The name of the board's new cover image." }, "archived": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "title": "Archived", "description": "Whether or not the board is archived" } @@ -5111,28 +8006,70 @@ }, "BoardDTO": { "properties": { - "board_id": { "type": "string", "title": "Board Id", "description": "The unique ID of the board." }, - "board_name": { "type": "string", "title": "Board Name", "description": "The name of the board." }, + "board_id": { + "type": "string", + "title": "Board Id", + "description": "The unique ID of the board." + }, + "board_name": { + "type": "string", + "title": "Board Name", + "description": "The name of the board." + }, "created_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + } + ], "title": "Created At", "description": "The created timestamp of the board." }, "updated_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + } + ], "title": "Updated At", "description": "The updated timestamp of the board." }, "deleted_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Deleted At", "description": "The deleted timestamp of the board." }, "cover_image_name": { - "anyOf": [{ "type": "string" }, { "type": "null" }], - "title": "Cover Image Name", - "description": "The name of the board's cover image." - }, + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "title": "Cover Image Name", + "description": "The name of the board's cover image." + }, "archived": { "type": "boolean", "title": "Archived", @@ -5165,7 +8102,13 @@ }, "BoardField": { "description": "A board primitive field", - "properties": { "board_id": { "description": "The id of the board", "title": "Board Id", "type": "string" } }, + "properties": { + "board_id": { + "description": "The id of the board", + "title": "Board Id", + "type": "string" + } + }, "required": ["board_id"], "title": "BoardField", "type": "object" @@ -5178,8 +8121,16 @@ }, "Body_add_image_to_board": { "properties": { - "board_id": { "type": "string", "title": "Board Id", "description": "The id of the board to add to" }, - "image_name": { "type": "string", "title": "Image Name", "description": "The name of the image to add" } + "board_id": { + "type": "string", + "title": "Board Id", + "description": "The id of the board to add to" + }, + "image_name": { + "type": "string", + "title": "Image Name", + "description": "The name of the image to add" + } }, "type": "object", "required": ["board_id", "image_name"], @@ -5187,9 +8138,15 @@ }, "Body_add_images_to_board": { "properties": { - "board_id": { "type": "string", "title": "Board Id", "description": "The id of the board to add to" }, + "board_id": { + "type": "string", + "title": "Board Id", + "description": "The id of the board to add to" + }, "image_names": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Image Names", "description": "The names of the images to add" @@ -5202,7 +8159,9 @@ "Body_cancel_by_batch_ids": { "properties": { "batch_ids": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Batch Ids", "description": "The list of batch_ids to cancel all queue items for" @@ -5214,10 +8173,25 @@ }, "Body_create_image_upload_entry": { "properties": { - "width": { "type": "integer", "title": "Width", "description": "The width of the image" }, - "height": { "type": "integer", "title": "Height", "description": "The height of the image" }, + "width": { + "type": "integer", + "title": "Width", + "description": "The width of the image" + }, + "height": { + "type": "integer", + "title": "Height", + "description": "The height of the image" + }, "board_id": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Board Id", "description": "The board to add this image to, if any" } @@ -5229,11 +8203,23 @@ "Body_create_style_preset": { "properties": { "image": { - "anyOf": [{ "type": "string", "format": "binary" }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "format": "binary" + }, + { + "type": "null" + } + ], "title": "Image", "description": "The image file to upload" }, - "data": { "type": "string", "title": "Data", "description": "The data of the style preset to create" } + "data": { + "type": "string", + "title": "Data", + "description": "The data of the style preset to create" + } }, "type": "object", "required": ["data"], @@ -5241,7 +8227,10 @@ }, "Body_create_workflow": { "properties": { - "workflow": { "$ref": "#/components/schemas/WorkflowWithoutID", "description": "The workflow to create" } + "workflow": { + "$ref": "#/components/schemas/WorkflowWithoutID", + "description": "The workflow to create" + } }, "type": "object", "required": ["workflow"], @@ -5250,7 +8239,9 @@ "Body_delete_images_from_list": { "properties": { "image_names": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Image Names", "description": "The list of names of images to delete" @@ -5262,7 +8253,11 @@ }, "Body_do_hf_login": { "properties": { - "token": { "type": "string", "title": "Token", "description": "Hugging Face token to use for login" } + "token": { + "type": "string", + "title": "Token", + "description": "Hugging Face token to use for login" + } }, "type": "object", "required": ["token"], @@ -5277,10 +8272,26 @@ "title": "Source", "description": "download source" }, - "dest": { "type": "string", "title": "Dest", "description": "download destination" }, - "priority": { "type": "integer", "title": "Priority", "description": "queue priority", "default": 10 }, + "dest": { + "type": "string", + "title": "Dest", + "description": "download destination" + }, + "priority": { + "type": "integer", + "title": "Priority", + "description": "queue priority", + "default": 10 + }, "access_token": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Access Token", "description": "token for authorization to download" } @@ -5292,12 +8303,29 @@ "Body_download_images_from_list": { "properties": { "image_names": { - "anyOf": [{ "items": { "type": "string" }, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array" + }, + { + "type": "null" + } + ], "title": "Image Names", "description": "The list of names of images to download" }, "board_id": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Board Id", "description": "The board from which image should be downloaded" } @@ -5307,7 +8335,10 @@ }, "Body_enqueue_batch": { "properties": { - "batch": { "$ref": "#/components/schemas/Batch", "description": "Batch to process" }, + "batch": { + "$ref": "#/components/schemas/Batch", + "description": "Batch to process" + }, "prepend": { "type": "boolean", "title": "Prepend", @@ -5322,7 +8353,9 @@ "Body_get_images_by_names": { "properties": { "image_names": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Image Names", "description": "Object containing list of image names to fetch DTOs for" @@ -5335,7 +8368,9 @@ "Body_get_queue_items_by_item_ids": { "properties": { "item_ids": { - "items": { "type": "integer" }, + "items": { + "type": "integer" + }, "type": "array", "title": "Item Ids", "description": "Object containing list of queue item ids to fetch queue items for" @@ -5347,7 +8382,12 @@ }, "Body_import_style_presets": { "properties": { - "file": { "type": "string", "format": "binary", "title": "File", "description": "The file to import" } + "file": { + "type": "string", + "format": "binary", + "title": "File", + "description": "The file to import" + } }, "type": "object", "required": ["file"], @@ -5355,7 +8395,11 @@ }, "Body_parse_dynamicprompts": { "properties": { - "prompt": { "type": "string", "title": "Prompt", "description": "The prompt to parse with dynamicprompts" }, + "prompt": { + "type": "string", + "title": "Prompt", + "description": "The prompt to parse with dynamicprompts" + }, "max_prompts": { "type": "integer", "maximum": 10000.0, @@ -5371,7 +8415,14 @@ "default": true }, "seed": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "title": "Seed", "description": "The seed to use for random generation. Only used if not combinatorial" } @@ -5382,7 +8433,11 @@ }, "Body_remove_image_from_board": { "properties": { - "image_name": { "type": "string", "title": "Image Name", "description": "The name of the image to remove" } + "image_name": { + "type": "string", + "title": "Image Name", + "description": "The name of the image to remove" + } }, "type": "object", "required": ["image_name"], @@ -5391,7 +8446,9 @@ "Body_remove_images_from_board": { "properties": { "image_names": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Image Names", "description": "The names of the images to remove" @@ -5403,7 +8460,12 @@ }, "Body_set_workflow_thumbnail": { "properties": { - "image": { "type": "string", "format": "binary", "title": "Image", "description": "The image file to upload" } + "image": { + "type": "string", + "format": "binary", + "title": "Image", + "description": "The image file to upload" + } }, "type": "object", "required": ["image"], @@ -5412,7 +8474,9 @@ "Body_star_images_in_list": { "properties": { "image_names": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Image Names", "description": "The list of names of images to star" @@ -5425,7 +8489,9 @@ "Body_unstar_images_in_list": { "properties": { "image_names": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Image Names", "description": "The list of names of images to unstar" @@ -5436,7 +8502,13 @@ "title": "Body_unstar_images_in_list" }, "Body_update_model_image": { - "properties": { "image": { "type": "string", "format": "binary", "title": "Image" } }, + "properties": { + "image": { + "type": "string", + "format": "binary", + "title": "Image" + } + }, "type": "object", "required": ["image"], "title": "Body_update_model_image" @@ -5444,11 +8516,23 @@ "Body_update_style_preset": { "properties": { "image": { - "anyOf": [{ "type": "string", "format": "binary" }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "format": "binary" + }, + { + "type": "null" + } + ], "title": "Image", "description": "The image file to upload" }, - "data": { "type": "string", "title": "Data", "description": "The data of the style preset to update" } + "data": { + "type": "string", + "title": "Data", + "description": "The data of the style preset to update" + } }, "type": "object", "required": ["data"], @@ -5456,7 +8540,10 @@ }, "Body_update_workflow": { "properties": { - "workflow": { "$ref": "#/components/schemas/Workflow", "description": "The updated workflow" } + "workflow": { + "$ref": "#/components/schemas/Workflow", + "description": "The updated workflow" + } }, "type": "object", "required": ["workflow"], @@ -5464,15 +8551,33 @@ }, "Body_upload_image": { "properties": { - "file": { "type": "string", "format": "binary", "title": "File" }, + "file": { + "type": "string", + "format": "binary", + "title": "File" + }, "resize_to": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Resize To", "description": "Dimensions to resize the image to, must be stringified tuple of 2 integers. Max total pixel count: 16777216", "examples": ["\"[1024,1024]\""] }, "metadata": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Metadata", "description": "The metadata to associate with the image, must be a stringified JSON dict" } @@ -5517,7 +8622,9 @@ "description": "The collection of boolean values", "field_kind": "input", "input": "any", - "items": { "type": "boolean" }, + "items": { + "type": "boolean" + }, "orig_default": [], "orig_required": false, "title": "Collection", @@ -5536,7 +8643,9 @@ "title": "Boolean Collection Primitive", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/BooleanCollectionOutput" } + "output": { + "$ref": "#/components/schemas/BooleanCollectionOutput" + } }, "BooleanCollectionOutput": { "class": "output", @@ -5545,7 +8654,9 @@ "collection": { "description": "The output boolean collection", "field_kind": "output", - "items": { "type": "boolean" }, + "items": { + "type": "boolean" + }, "title": "Collection", "type": "array", "ui_hidden": false @@ -5616,7 +8727,9 @@ "title": "Boolean Primitive", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/BooleanOutput" } + "output": { + "$ref": "#/components/schemas/BooleanOutput" + } }, "BooleanOutput": { "class": "output", @@ -5648,7 +8761,9 @@ "collection": { "description": "The output bounding boxes.", "field_kind": "output", - "items": { "$ref": "#/components/schemas/BoundingBoxField" }, + "items": { + "$ref": "#/components/schemas/BoundingBoxField" + }, "title": "Bounding Boxes", "type": "array", "ui_hidden": false @@ -5689,7 +8804,16 @@ "type": "integer" }, "score": { - "anyOf": [{ "maximum": 1.0, "minimum": 0.0, "type": "number" }, { "type": "null" }], + "anyOf": [ + { + "maximum": 1.0, + "minimum": 0.0, + "type": "number" + }, + { + "type": "null" + } + ], "default": null, "description": "The score associated with the bounding box. In the range [0, 1]. This value is typically set when the bounding box was produced by a detector and has an associated confidence score.", "title": "Score" @@ -5783,7 +8907,9 @@ "title": "Bounding Box", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/BoundingBoxOutput" } + "output": { + "$ref": "#/components/schemas/BoundingBoxOutput" + } }, "BoundingBoxOutput": { "class": "output", @@ -5810,7 +8936,11 @@ "BulkDownloadCompleteEvent": { "description": "Event model for bulk_download_complete", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, "bulk_download_id": { "description": "The ID of the bulk image download", "title": "Bulk Download Id", @@ -5834,7 +8964,11 @@ "BulkDownloadErrorEvent": { "description": "Event model for bulk_download_error", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, "bulk_download_id": { "description": "The ID of the bulk image download", "title": "Bulk Download Id", @@ -5850,7 +8984,11 @@ "title": "Bulk Download Item Name", "type": "string" }, - "error": { "description": "The error message", "title": "Error", "type": "string" } + "error": { + "description": "The error message", + "title": "Error", + "type": "string" + } }, "required": ["timestamp", "bulk_download_id", "bulk_download_item_id", "bulk_download_item_name", "error"], "title": "BulkDownloadErrorEvent", @@ -5859,7 +8997,11 @@ "BulkDownloadStartedEvent": { "description": "Event model for bulk_download_started", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, "bulk_download_id": { "description": "The ID of the bulk image download", "title": "Bulk Download Id", @@ -5882,17 +9024,40 @@ }, "CLIPEmbed_Diffusers_G_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -5901,22 +9066,62 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "base": { "type": "string", "const": "any", "title": "Base", "default": "any" }, - "type": { "type": "string", "const": "clip_embed", "title": "Type", "default": "clip_embed" }, - "variant": { "type": "string", "const": "gigantic", "title": "Variant", "default": "gigantic" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "base": { + "type": "string", + "const": "any", + "title": "Base", + "default": "any" + }, + "type": { + "type": "string", + "const": "clip_embed", + "title": "Type", + "default": "clip_embed" + }, + "variant": { + "type": "string", + "const": "gigantic", + "title": "Variant", + "default": "gigantic" + } }, "type": "object", "required": [ @@ -5940,17 +9145,40 @@ }, "CLIPEmbed_Diffusers_L_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -5959,22 +9187,62 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "base": { "type": "string", "const": "any", "title": "Base", "default": "any" }, - "type": { "type": "string", "const": "clip_embed", "title": "Type", "default": "clip_embed" }, - "variant": { "type": "string", "const": "large", "title": "Variant", "default": "large" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "base": { + "type": "string", + "const": "any", + "title": "Base", + "default": "any" + }, + "type": { + "type": "string", + "const": "clip_embed", + "title": "Type", + "default": "clip_embed" + }, + "variant": { + "type": "string", + "const": "large", + "title": "Variant", + "default": "large" + } }, "type": "object", "required": [ @@ -6013,7 +9281,9 @@ }, "loras": { "description": "LoRAs to apply on model loading", - "items": { "$ref": "#/components/schemas/LoRAField" }, + "items": { + "$ref": "#/components/schemas/LoRAField" + }, "title": "Loras", "type": "array" } @@ -6077,7 +9347,14 @@ "type": "boolean" }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -6109,14 +9386,23 @@ "title": "Apply CLIP Skip - SD1.5, SDXL", "type": "object", "version": "1.1.1", - "output": { "$ref": "#/components/schemas/CLIPSkipInvocationOutput" } + "output": { + "$ref": "#/components/schemas/CLIPSkipInvocationOutput" + } }, "CLIPSkipInvocationOutput": { "class": "output", "description": "CLIP skip node output", "properties": { "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "output", @@ -6137,17 +9423,40 @@ }, "CLIPVision_Diffusers_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -6156,21 +9465,56 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "base": { "type": "string", "const": "any", "title": "Base", "default": "any" }, - "type": { "type": "string", "const": "clip_vision", "title": "Type", "default": "clip_vision" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "base": { + "type": "string", + "const": "any", + "title": "Base", + "default": "any" + }, + "type": { + "type": "string", + "const": "clip_vision", + "title": "Type", + "default": "clip_vision" + } }, "type": "object", "required": [ @@ -6200,7 +9544,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -6209,7 +9560,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -6242,7 +9600,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -6262,18 +9627,46 @@ "title": "CV2 Infill", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "CacheStats": { "properties": { - "hits": { "type": "integer", "title": "Hits", "default": 0 }, - "misses": { "type": "integer", "title": "Misses", "default": 0 }, - "high_watermark": { "type": "integer", "title": "High Watermark", "default": 0 }, - "in_cache": { "type": "integer", "title": "In Cache", "default": 0 }, - "cleared": { "type": "integer", "title": "Cleared", "default": 0 }, - "cache_size": { "type": "integer", "title": "Cache Size", "default": 0 }, + "hits": { + "type": "integer", + "title": "Hits", + "default": 0 + }, + "misses": { + "type": "integer", + "title": "Misses", + "default": 0 + }, + "high_watermark": { + "type": "integer", + "title": "High Watermark", + "default": 0 + }, + "in_cache": { + "type": "integer", + "title": "In Cache", + "default": 0 + }, + "cleared": { + "type": "integer", + "title": "Cleared", + "default": 0 + }, + "cache_size": { + "type": "integer", + "title": "Cache Size", + "default": 0 + }, "loaded_model_sizes": { - "additionalProperties": { "type": "integer" }, + "additionalProperties": { + "type": "integer" + }, "type": "object", "title": "Loaded Model Sizes" } @@ -6381,7 +9774,9 @@ "title": "Calculate Image Tiles Even Split", "type": "object", "version": "1.1.1", - "output": { "$ref": "#/components/schemas/CalculateImageTilesOutput" } + "output": { + "$ref": "#/components/schemas/CalculateImageTilesOutput" + } }, "CalculateImageTilesInvocation": { "category": "tiles", @@ -6482,7 +9877,9 @@ "title": "Calculate Image Tiles", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/CalculateImageTilesOutput" } + "output": { + "$ref": "#/components/schemas/CalculateImageTilesOutput" + } }, "CalculateImageTilesMinimumOverlapInvocation": { "category": "tiles", @@ -6583,7 +9980,9 @@ "title": "Calculate Image Tiles Minimum Overlap", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/CalculateImageTilesOutput" } + "output": { + "$ref": "#/components/schemas/CalculateImageTilesOutput" + } }, "CalculateImageTilesOutput": { "class": "output", @@ -6591,7 +9990,9 @@ "tiles": { "description": "The tiles coordinates that cover a particular image shape.", "field_kind": "output", - "items": { "$ref": "#/components/schemas/Tile" }, + "items": { + "$ref": "#/components/schemas/Tile" + }, "title": "Tiles", "type": "array", "ui_hidden": false @@ -6610,7 +10011,11 @@ }, "CancelAllExceptCurrentResult": { "properties": { - "canceled": { "type": "integer", "title": "Canceled", "description": "Number of queue items canceled" } + "canceled": { + "type": "integer", + "title": "Canceled", + "description": "Number of queue items canceled" + } }, "type": "object", "required": ["canceled"], @@ -6619,7 +10024,11 @@ }, "CancelByBatchIDsResult": { "properties": { - "canceled": { "type": "integer", "title": "Canceled", "description": "Number of queue items canceled" } + "canceled": { + "type": "integer", + "title": "Canceled", + "description": "Number of queue items canceled" + } }, "type": "object", "required": ["canceled"], @@ -6628,7 +10037,11 @@ }, "CancelByDestinationResult": { "properties": { - "canceled": { "type": "integer", "title": "Canceled", "description": "Number of queue items canceled" } + "canceled": { + "type": "integer", + "title": "Canceled", + "description": "Number of queue items canceled" + } }, "type": "object", "required": ["canceled"], @@ -6643,7 +10056,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -6652,7 +10072,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -6685,7 +10112,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -6729,7 +10163,9 @@ "title": "Canny Edge Detection", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "CanvasPasteBackInvocation": { "category": "image", @@ -6739,7 +10175,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -6748,7 +10191,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -6781,7 +10231,14 @@ "type": "boolean" }, "source_image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The source image", "field_kind": "input", @@ -6789,7 +10246,14 @@ "orig_required": true }, "target_image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The target image", "field_kind": "input", @@ -6797,7 +10261,14 @@ "orig_required": true }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask to use when pasting", "field_kind": "input", @@ -6828,7 +10299,9 @@ "title": "Canvas Paste Back", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "CanvasV2MaskAndCropInvocation": { "category": "image", @@ -6838,7 +10311,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -6847,7 +10327,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -6880,7 +10367,14 @@ "type": "boolean" }, "source_image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The source image onto which the masked generated image is pasted. If omitted, the masked generated image is returned with transparency.", "field_kind": "input", @@ -6889,7 +10383,14 @@ "orig_required": false }, "generated_image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to apply the mask to", "field_kind": "input", @@ -6897,7 +10398,14 @@ "orig_required": true }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask to apply", "field_kind": "input", @@ -6928,7 +10436,9 @@ "title": "Canvas V2 Mask and Crop", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "CenterPadCropInvocation": { "category": "image", @@ -6962,7 +10472,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to crop", "field_kind": "input", @@ -7022,7 +10539,9 @@ "title": "Center Pad or Crop Image", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "Classification": { "description": "The classification of an Invocation.\n- `Stable`: The invocation, including its inputs/outputs and internal logic, is stable. You may build workflows with it, having confidence that they will not break because of a change in this invocation.\n- `Beta`: The invocation is not yet stable, but is planned to be stable in the future. Workflows built around this invocation may break, but we are committed to supporting this invocation long-term.\n- `Prototype`: The invocation is not yet stable and may be removed from the application at any time. Workflows built around this invocation may break, and we are *not* committed to supporting this invocation.\n- `Deprecated`: The invocation is deprecated and may be removed in a future version.\n- `Internal`: The invocation is not intended for use by end-users. It may be changed or removed at any time, but is exposed for users to play with.\n- `Special`: The invocation is a special case and does not fit into any of the other classifications.", @@ -7032,7 +10551,11 @@ }, "ClearResult": { "properties": { - "deleted": { "type": "integer", "title": "Deleted", "description": "Number of queue items deleted" } + "deleted": { + "type": "integer", + "title": "Deleted", + "description": "Number of queue items deleted" + } }, "type": "object", "required": ["deleted"], @@ -7088,7 +10611,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -7097,7 +10627,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -7130,7 +10667,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -7139,7 +10683,14 @@ "orig_required": false }, "denoise_mask": { - "anyOf": [{ "$ref": "#/components/schemas/DenoiseMaskField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/DenoiseMaskField" + }, + { + "type": "null" + } + ], "default": null, "description": "A mask of the region to apply the denoising process to. Values of 0.0 represent the regions to be fully denoised, and 1.0 represent the regions to be preserved.", "field_kind": "input", @@ -7172,7 +10723,14 @@ "type": "number" }, "transformer": { - "anyOf": [{ "$ref": "#/components/schemas/TransformerField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TransformerField" + }, + { + "type": "null" + } + ], "default": null, "description": "CogView4 model (Transformer) to load", "field_kind": "input", @@ -7181,7 +10739,14 @@ "title": "Transformer" }, "positive_conditioning": { - "anyOf": [{ "$ref": "#/components/schemas/CogView4ConditioningField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CogView4ConditioningField" + }, + { + "type": "null" + } + ], "default": null, "description": "Positive conditioning tensor", "field_kind": "input", @@ -7189,7 +10754,14 @@ "orig_required": true }, "negative_conditioning": { - "anyOf": [{ "$ref": "#/components/schemas/CogView4ConditioningField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CogView4ConditioningField" + }, + { + "type": "null" + } + ], "default": null, "description": "Negative conditioning tensor", "field_kind": "input", @@ -7197,7 +10769,17 @@ "orig_required": true }, "cfg_scale": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 3.5, "description": "Classifier-Free Guidance scale", "field_kind": "input", @@ -7262,7 +10844,9 @@ "title": "Denoise - CogView4", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "CogView4ImageToLatentsInvocation": { "category": "image", @@ -7272,7 +10856,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -7281,7 +10872,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -7314,7 +10912,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to encode.", "field_kind": "input", @@ -7322,7 +10927,14 @@ "orig_required": true }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "input", @@ -7342,7 +10954,9 @@ "title": "Image to Latents - CogView4", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "CogView4LatentsToImageInvocation": { "category": "latents", @@ -7352,7 +10966,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -7361,7 +10982,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -7394,7 +11022,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -7402,7 +11037,14 @@ "orig_required": true }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "input", @@ -7422,7 +11064,9 @@ "title": "Latents to Image - CogView4", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "CogView4ModelLoaderInvocation": { "category": "model", @@ -7477,7 +11121,9 @@ "title": "Main Model - CogView4", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/CogView4ModelLoaderOutput" } + "output": { + "$ref": "#/components/schemas/CogView4ModelLoaderOutput" + } }, "CogView4ModelLoaderOutput": { "class": "output", @@ -7548,7 +11194,14 @@ "type": "boolean" }, "prompt": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Text prompt to encode.", "field_kind": "input", @@ -7558,7 +11211,14 @@ "ui_component": "textarea" }, "glm_encoder": { - "anyOf": [{ "$ref": "#/components/schemas/GlmEncoderField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/GlmEncoderField" + }, + { + "type": "null" + } + ], "default": null, "description": "GLM (THUDM) tokenizer and text encoder", "field_kind": "input", @@ -7579,7 +11239,9 @@ "title": "Prompt - CogView4", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/CogView4ConditioningOutput" } + "output": { + "$ref": "#/components/schemas/CogView4ConditioningOutput" + } }, "CollectInvocation": { "class": "invocation", @@ -7612,7 +11274,12 @@ "type": "boolean" }, "item": { - "anyOf": [{}, { "type": "null" }], + "anyOf": [ + {}, + { + "type": "null" + } + ], "default": null, "description": "The item to collect (all inputs must be of the same type)", "field_kind": "input", @@ -7646,7 +11313,9 @@ "title": "CollectInvocation", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/CollectInvocationOutput" } + "output": { + "$ref": "#/components/schemas/CollectInvocationOutput" + } }, "CollectInvocationOutput": { "class": "output", @@ -7679,7 +11348,9 @@ "collection": { "description": "The output colors", "field_kind": "output", - "items": { "$ref": "#/components/schemas/ColorField" }, + "items": { + "$ref": "#/components/schemas/ColorField" + }, "title": "Collection", "type": "array", "ui_hidden": false @@ -7704,7 +11375,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -7713,7 +11391,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -7746,7 +11431,14 @@ "type": "boolean" }, "base_image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to color-correct", "field_kind": "input", @@ -7754,7 +11446,14 @@ "orig_required": true }, "color_reference": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "Reference image for color-correction", "field_kind": "input", @@ -7762,7 +11461,14 @@ "orig_required": true }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional mask to limit color correction area", "field_kind": "input", @@ -7794,15 +11500,41 @@ "title": "Color Correct", "type": "object", "version": "2.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ColorField": { "description": "A color primitive field", "properties": { - "r": { "description": "The red component", "maximum": 255, "minimum": 0, "title": "R", "type": "integer" }, - "g": { "description": "The green component", "maximum": 255, "minimum": 0, "title": "G", "type": "integer" }, - "b": { "description": "The blue component", "maximum": 255, "minimum": 0, "title": "B", "type": "integer" }, - "a": { "description": "The alpha component", "maximum": 255, "minimum": 0, "title": "A", "type": "integer" } + "r": { + "description": "The red component", + "maximum": 255, + "minimum": 0, + "title": "R", + "type": "integer" + }, + "g": { + "description": "The green component", + "maximum": 255, + "minimum": 0, + "title": "G", + "type": "integer" + }, + "b": { + "description": "The blue component", + "maximum": 255, + "minimum": 0, + "title": "B", + "type": "integer" + }, + "a": { + "description": "The alpha component", + "maximum": 255, + "minimum": 0, + "title": "A", + "type": "integer" + } }, "required": ["r", "g", "b", "a"], "title": "ColorField", @@ -7841,11 +11573,21 @@ }, "color": { "$ref": "#/components/schemas/ColorField", - "default": { "r": 0, "g": 0, "b": 0, "a": 255 }, + "default": { + "r": 0, + "g": 0, + "b": 0, + "a": 255 + }, "description": "The color value", "field_kind": "input", "input": "any", - "orig_default": { "a": 255, "b": 0, "g": 0, "r": 0 }, + "orig_default": { + "a": 255, + "b": 0, + "g": 0, + "r": 0 + }, "orig_required": false }, "type": { @@ -7861,7 +11603,9 @@ "title": "Color Primitive", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/ColorOutput" } + "output": { + "$ref": "#/components/schemas/ColorOutput" + } }, "ColorMapInvocation": { "category": "controlnet", @@ -7871,7 +11615,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -7880,7 +11631,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -7913,7 +11671,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -7944,7 +11709,9 @@ "title": "Color Map", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ColorOutput": { "class": "output", @@ -8011,7 +11778,14 @@ "ui_component": "textarea" }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -8020,7 +11794,14 @@ "title": "CLIP" }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/TensorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], "default": null, "description": "A mask defining the region that this conditioning prompt applies to.", "field_kind": "input", @@ -8041,7 +11822,9 @@ "title": "Prompt - SD1.5", "type": "object", "version": "1.2.1", - "output": { "$ref": "#/components/schemas/ConditioningOutput" } + "output": { + "$ref": "#/components/schemas/ConditioningOutput" + } }, "ConditioningCollectionInvocation": { "category": "primitives", @@ -8079,7 +11862,9 @@ "description": "The collection of conditioning tensors", "field_kind": "input", "input": "any", - "items": { "$ref": "#/components/schemas/ConditioningField" }, + "items": { + "$ref": "#/components/schemas/ConditioningField" + }, "orig_default": [], "orig_required": false, "title": "Collection", @@ -8098,7 +11883,9 @@ "title": "Conditioning Collection Primitive", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/ConditioningCollectionOutput" } + "output": { + "$ref": "#/components/schemas/ConditioningCollectionOutput" + } }, "ConditioningCollectionOutput": { "class": "output", @@ -8107,7 +11894,9 @@ "collection": { "description": "The output conditioning tensors", "field_kind": "output", - "items": { "$ref": "#/components/schemas/ConditioningField" }, + "items": { + "$ref": "#/components/schemas/ConditioningField" + }, "title": "Collection", "type": "array", "ui_hidden": false @@ -8133,7 +11922,14 @@ "type": "string" }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/TensorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask associated with this conditioning tensor. Excluded regions should be set to False, included regions should be set to True." } @@ -8174,7 +11970,14 @@ "type": "boolean" }, "conditioning": { - "anyOf": [{ "$ref": "#/components/schemas/ConditioningField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ConditioningField" + }, + { + "type": "null" + } + ], "default": null, "description": "Conditioning tensor", "field_kind": "input", @@ -8194,7 +11997,9 @@ "title": "Conditioning Primitive", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/ConditioningOutput" } + "output": { + "$ref": "#/components/schemas/ConditioningOutput" + } }, "ConditioningOutput": { "class": "output", @@ -8226,7 +12031,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -8235,7 +12047,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -8268,7 +12087,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -8299,11 +12125,23 @@ "title": "Content Shuffle", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ControlAdapterDefaultSettings": { "properties": { - "preprocessor": { "anyOf": [{ "type": "string" }, { "type": "null" }], "title": "Preprocessor" } + "preprocessor": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "title": "Preprocessor" + } }, "additionalProperties": false, "type": "object", @@ -8312,13 +12150,26 @@ }, "ControlField": { "properties": { - "image": { "$ref": "#/components/schemas/ImageField", "description": "The control image" }, + "image": { + "$ref": "#/components/schemas/ImageField", + "description": "The control image" + }, "control_model": { "$ref": "#/components/schemas/ModelIdentifierField", "description": "The ControlNet model to use" }, "control_weight": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 1, "description": "The weight given to the ControlNet", "title": "Control Weight" @@ -8360,9 +12211,19 @@ }, "ControlLoRAField": { "properties": { - "lora": { "$ref": "#/components/schemas/ModelIdentifierField", "description": "Info to load lora model" }, - "weight": { "description": "Weight to apply to lora model", "title": "Weight", "type": "number" }, - "img": { "$ref": "#/components/schemas/ImageField", "description": "Image to use in structural conditioning" } + "lora": { + "$ref": "#/components/schemas/ModelIdentifierField", + "description": "Info to load lora model" + }, + "weight": { + "description": "Weight to apply to lora model", + "title": "Weight", + "type": "number" + }, + "img": { + "$ref": "#/components/schemas/ImageField", + "description": "Image to use in structural conditioning" + } }, "required": ["lora", "weight", "img"], "title": "ControlLoRAField", @@ -8370,17 +12231,40 @@ }, "ControlLoRA_LyCORIS_FLUX_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -8389,25 +12273,75 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/ControlAdapterDefaultSettings" }, { "type": "null" }] + "anyOf": [ + { + "$ref": "#/components/schemas/ControlAdapterDefaultSettings" + }, + { + "type": "null" + } + ] + }, + "base": { + "type": "string", + "const": "flux", + "title": "Base", + "default": "flux" + }, + "type": { + "type": "string", + "const": "control_lora", + "title": "Type", + "default": "control_lora" + }, + "format": { + "type": "string", + "const": "lycoris", + "title": "Format", + "default": "lycoris" }, - "base": { "type": "string", "const": "flux", "title": "Base", "default": "flux" }, - "type": { "type": "string", "const": "control_lora", "title": "Type", "default": "control_lora" }, - "format": { "type": "string", "const": "lycoris", "title": "Format", "default": "lycoris" }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases" } }, @@ -8464,7 +12398,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The control image", "field_kind": "input", @@ -8472,7 +12413,14 @@ "orig_required": true }, "control_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "ControlNet model to load", "field_kind": "input", @@ -8482,7 +12430,17 @@ "ui_model_type": ["controlnet"] }, "control_weight": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 1.0, "description": "The weight given to the ControlNet", "field_kind": "input", @@ -8552,13 +12510,25 @@ "title": "ControlNet - SD1.5, SD2, SDXL", "type": "object", "version": "1.1.3", - "output": { "$ref": "#/components/schemas/ControlOutput" } + "output": { + "$ref": "#/components/schemas/ControlOutput" + } }, "ControlNetMetadataField": { "properties": { - "image": { "$ref": "#/components/schemas/ImageField", "description": "The control image" }, + "image": { + "$ref": "#/components/schemas/ImageField", + "description": "The control image" + }, "processed_image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The control image, after processing." }, @@ -8567,7 +12537,17 @@ "description": "The ControlNet model to use" }, "control_weight": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 1, "description": "The weight given to the ControlNet", "title": "Control Weight" @@ -8609,17 +12589,40 @@ }, "ControlNet_Checkpoint_FLUX_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -8628,28 +12631,74 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "type": { "type": "string", "const": "controlnet", "title": "Type", "default": "controlnet" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, + "type": { + "type": "string", + "const": "controlnet", + "title": "Type", + "default": "controlnet" + }, + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/ControlAdapterDefaultSettings" }, { "type": "null" }] + "anyOf": [ + { + "$ref": "#/components/schemas/ControlAdapterDefaultSettings" + }, + { + "type": "null" + } + ] }, - "base": { "type": "string", "const": "flux", "title": "Base", "default": "flux" } + "base": { + "type": "string", + "const": "flux", + "title": "Base", + "default": "flux" + } }, "type": "object", "required": [ @@ -8673,17 +12722,40 @@ }, "ControlNet_Checkpoint_SD1_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -8692,28 +12764,74 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "type": { "type": "string", "const": "controlnet", "title": "Type", "default": "controlnet" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, + "type": { + "type": "string", + "const": "controlnet", + "title": "Type", + "default": "controlnet" + }, + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/ControlAdapterDefaultSettings" }, { "type": "null" }] + "anyOf": [ + { + "$ref": "#/components/schemas/ControlAdapterDefaultSettings" + }, + { + "type": "null" + } + ] }, - "base": { "type": "string", "const": "sd-1", "title": "Base", "default": "sd-1" } + "base": { + "type": "string", + "const": "sd-1", + "title": "Base", + "default": "sd-1" + } }, "type": "object", "required": [ @@ -8737,17 +12855,40 @@ }, "ControlNet_Checkpoint_SD2_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -8756,28 +12897,74 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "type": { "type": "string", "const": "controlnet", "title": "Type", "default": "controlnet" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, + "type": { + "type": "string", + "const": "controlnet", + "title": "Type", + "default": "controlnet" + }, + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/ControlAdapterDefaultSettings" }, { "type": "null" }] + "anyOf": [ + { + "$ref": "#/components/schemas/ControlAdapterDefaultSettings" + }, + { + "type": "null" + } + ] }, - "base": { "type": "string", "const": "sd-2", "title": "Base", "default": "sd-2" } + "base": { + "type": "string", + "const": "sd-2", + "title": "Base", + "default": "sd-2" + } }, "type": "object", "required": [ @@ -8801,17 +12988,40 @@ }, "ControlNet_Checkpoint_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -8820,28 +13030,74 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "type": { "type": "string", "const": "controlnet", "title": "Type", "default": "controlnet" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, + "type": { + "type": "string", + "const": "controlnet", + "title": "Type", + "default": "controlnet" + }, + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/ControlAdapterDefaultSettings" }, { "type": "null" }] + "anyOf": [ + { + "$ref": "#/components/schemas/ControlAdapterDefaultSettings" + }, + { + "type": "null" + } + ] }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -8865,17 +13121,40 @@ }, "ControlNet_Diffusers_FLUX_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -8884,24 +13163,66 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "type": { "type": "string", "const": "controlnet", "title": "Type", "default": "controlnet" }, + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "type": { + "type": "string", + "const": "controlnet", + "title": "Type", + "default": "controlnet" + }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/ControlAdapterDefaultSettings" }, { "type": "null" }] + "anyOf": [ + { + "$ref": "#/components/schemas/ControlAdapterDefaultSettings" + }, + { + "type": "null" + } + ] }, - "base": { "type": "string", "const": "flux", "title": "Base", "default": "flux" } + "base": { + "type": "string", + "const": "flux", + "title": "Base", + "default": "flux" + } }, "type": "object", "required": [ @@ -8925,17 +13246,40 @@ }, "ControlNet_Diffusers_SD1_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -8944,24 +13288,66 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "type": { "type": "string", "const": "controlnet", "title": "Type", "default": "controlnet" }, + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "type": { + "type": "string", + "const": "controlnet", + "title": "Type", + "default": "controlnet" + }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/ControlAdapterDefaultSettings" }, { "type": "null" }] + "anyOf": [ + { + "$ref": "#/components/schemas/ControlAdapterDefaultSettings" + }, + { + "type": "null" + } + ] }, - "base": { "type": "string", "const": "sd-1", "title": "Base", "default": "sd-1" } + "base": { + "type": "string", + "const": "sd-1", + "title": "Base", + "default": "sd-1" + } }, "type": "object", "required": [ @@ -8985,17 +13371,40 @@ }, "ControlNet_Diffusers_SD2_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -9004,24 +13413,66 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "type": { "type": "string", "const": "controlnet", "title": "Type", "default": "controlnet" }, + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "type": { + "type": "string", + "const": "controlnet", + "title": "Type", + "default": "controlnet" + }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/ControlAdapterDefaultSettings" }, { "type": "null" }] + "anyOf": [ + { + "$ref": "#/components/schemas/ControlAdapterDefaultSettings" + }, + { + "type": "null" + } + ] }, - "base": { "type": "string", "const": "sd-2", "title": "Base", "default": "sd-2" } + "base": { + "type": "string", + "const": "sd-2", + "title": "Base", + "default": "sd-2" + } }, "type": "object", "required": [ @@ -9045,17 +13496,40 @@ }, "ControlNet_Diffusers_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -9064,24 +13538,66 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], - "title": "Cover Image", - "description": "Url for image to preview model" + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "title": "Cover Image", + "description": "Url for image to preview model" + }, + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "type": { + "type": "string", + "const": "controlnet", + "title": "Type", + "default": "controlnet" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "type": { "type": "string", "const": "controlnet", "title": "Type", "default": "controlnet" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/ControlAdapterDefaultSettings" }, { "type": "null" }] + "anyOf": [ + { + "$ref": "#/components/schemas/ControlAdapterDefaultSettings" + }, + { + "type": "null" + } + ] }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -9188,7 +13704,9 @@ ], "type": "string" }, - { "type": "null" } + { + "type": "null" + } ], "default": null, "description": "The generation mode that output this image", @@ -9199,7 +13717,14 @@ "title": "Generation Mode" }, "positive_prompt": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The positive prompt parameter", "field_kind": "input", @@ -9209,7 +13734,14 @@ "title": "Positive Prompt" }, "negative_prompt": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The negative prompt parameter", "field_kind": "input", @@ -9219,7 +13751,14 @@ "title": "Negative Prompt" }, "width": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The width parameter", "field_kind": "input", @@ -9229,7 +13768,14 @@ "title": "Width" }, "height": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The height parameter", "field_kind": "input", @@ -9239,7 +13785,14 @@ "title": "Height" }, "seed": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The seed used for noise generation", "field_kind": "input", @@ -9249,7 +13802,14 @@ "title": "Seed" }, "rand_device": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The device used for random number generation", "field_kind": "input", @@ -9259,7 +13819,14 @@ "title": "Rand Device" }, "cfg_scale": { - "anyOf": [{ "type": "number" }, { "type": "null" }], + "anyOf": [ + { + "type": "number" + }, + { + "type": "null" + } + ], "default": null, "description": "The classifier-free guidance scale parameter", "field_kind": "input", @@ -9269,7 +13836,14 @@ "title": "Cfg Scale" }, "cfg_rescale_multiplier": { - "anyOf": [{ "type": "number" }, { "type": "null" }], + "anyOf": [ + { + "type": "number" + }, + { + "type": "null" + } + ], "default": null, "description": "Rescale multiplier for CFG guidance, used for models trained with zero-terminal SNR", "field_kind": "input", @@ -9279,7 +13853,14 @@ "title": "Cfg Rescale Multiplier" }, "steps": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The number of steps used for inference", "field_kind": "input", @@ -9289,7 +13870,14 @@ "title": "Steps" }, "scheduler": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The scheduler used for inference", "field_kind": "input", @@ -9299,7 +13887,14 @@ "title": "Scheduler" }, "seamless_x": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "default": null, "description": "Whether seamless tiling was used on the X axis", "field_kind": "input", @@ -9309,7 +13904,14 @@ "title": "Seamless X" }, "seamless_y": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "default": null, "description": "Whether seamless tiling was used on the Y axis", "field_kind": "input", @@ -9319,7 +13921,14 @@ "title": "Seamless Y" }, "clip_skip": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The number of skipped CLIP layers", "field_kind": "input", @@ -9329,7 +13938,14 @@ "title": "Clip Skip" }, "model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "The main model used for inference", "field_kind": "input", @@ -9339,8 +13955,15 @@ }, "controlnets": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/ControlNetMetadataField" }, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/ControlNetMetadataField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "The ControlNets used for inference", @@ -9352,8 +13975,15 @@ }, "ipAdapters": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/IPAdapterMetadataField" }, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/IPAdapterMetadataField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "The IP Adapters used for inference", @@ -9365,8 +13995,15 @@ }, "t2iAdapters": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/T2IAdapterMetadataField" }, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/T2IAdapterMetadataField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "The IP Adapters used for inference", @@ -9378,8 +14015,15 @@ }, "loras": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/LoRAMetadataField" }, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/LoRAMetadataField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "The LoRAs used for inference", @@ -9390,7 +14034,14 @@ "title": "Loras" }, "strength": { - "anyOf": [{ "type": "number" }, { "type": "null" }], + "anyOf": [ + { + "type": "number" + }, + { + "type": "null" + } + ], "default": null, "description": "The strength used for latents-to-latents", "field_kind": "input", @@ -9400,7 +14051,14 @@ "title": "Strength" }, "init_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The name of the initial image", "field_kind": "input", @@ -9410,7 +14068,14 @@ "title": "Init Image" }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "The VAE used for decoding, if the main model's default was not used", "field_kind": "input", @@ -9419,7 +14084,14 @@ "orig_required": false }, "hrf_enabled": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "default": null, "description": "Whether or not high resolution fix was enabled.", "field_kind": "input", @@ -9429,7 +14101,14 @@ "title": "Hrf Enabled" }, "hrf_method": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The high resolution fix upscale method.", "field_kind": "input", @@ -9439,7 +14118,14 @@ "title": "Hrf Method" }, "hrf_strength": { - "anyOf": [{ "type": "number" }, { "type": "null" }], + "anyOf": [ + { + "type": "number" + }, + { + "type": "null" + } + ], "default": null, "description": "The high resolution fix img2img strength used in the upscale pass.", "field_kind": "input", @@ -9449,7 +14135,14 @@ "title": "Hrf Strength" }, "positive_style_prompt": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The positive style prompt parameter", "field_kind": "input", @@ -9459,7 +14152,14 @@ "title": "Positive Style Prompt" }, "negative_style_prompt": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The negative style prompt parameter", "field_kind": "input", @@ -9469,7 +14169,14 @@ "title": "Negative Style Prompt" }, "refiner_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "The SDXL Refiner model used", "field_kind": "input", @@ -9478,7 +14185,14 @@ "orig_required": false }, "refiner_cfg_scale": { - "anyOf": [{ "type": "number" }, { "type": "null" }], + "anyOf": [ + { + "type": "number" + }, + { + "type": "null" + } + ], "default": null, "description": "The classifier-free guidance scale parameter used for the refiner", "field_kind": "input", @@ -9488,7 +14202,14 @@ "title": "Refiner Cfg Scale" }, "refiner_steps": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The number of steps used for the refiner", "field_kind": "input", @@ -9498,7 +14219,14 @@ "title": "Refiner Steps" }, "refiner_scheduler": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The scheduler used for the refiner", "field_kind": "input", @@ -9508,7 +14236,14 @@ "title": "Refiner Scheduler" }, "refiner_positive_aesthetic_score": { - "anyOf": [{ "type": "number" }, { "type": "null" }], + "anyOf": [ + { + "type": "number" + }, + { + "type": "null" + } + ], "default": null, "description": "The aesthetic score used for the refiner", "field_kind": "input", @@ -9518,7 +14253,14 @@ "title": "Refiner Positive Aesthetic Score" }, "refiner_negative_aesthetic_score": { - "anyOf": [{ "type": "number" }, { "type": "null" }], + "anyOf": [ + { + "type": "number" + }, + { + "type": "null" + } + ], "default": null, "description": "The aesthetic score used for the refiner", "field_kind": "input", @@ -9528,7 +14270,14 @@ "title": "Refiner Negative Aesthetic Score" }, "refiner_start": { - "anyOf": [{ "type": "number" }, { "type": "null" }], + "anyOf": [ + { + "type": "number" + }, + { + "type": "null" + } + ], "default": null, "description": "The start value used for refiner denoising", "field_kind": "input", @@ -9550,7 +14299,9 @@ "title": "Core Metadata", "type": "object", "version": "2.0.0", - "output": { "$ref": "#/components/schemas/MetadataOutput" } + "output": { + "$ref": "#/components/schemas/MetadataOutput" + } }, "CreateDenoiseMaskInvocation": { "category": "latents", @@ -9584,7 +14335,14 @@ "type": "boolean" }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "input", @@ -9593,7 +14351,14 @@ "ui_order": 0 }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "Image which will be masked", "field_kind": "input", @@ -9603,7 +14368,14 @@ "ui_order": 1 }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask to use when pasting", "field_kind": "input", @@ -9646,7 +14418,9 @@ "title": "Create Denoise Mask", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/DenoiseMaskOutput" } + "output": { + "$ref": "#/components/schemas/DenoiseMaskOutput" + } }, "CreateGradientMaskInvocation": { "category": "latents", @@ -9680,7 +14454,14 @@ "type": "boolean" }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "Image which will be masked", "field_kind": "input", @@ -9725,7 +14506,14 @@ "ui_order": 4 }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "OPTIONAL: Only connect for specialized Inpainting models, masked_latents will be generated from the image with the VAE", "field_kind": "input", @@ -9736,7 +14524,14 @@ "ui_order": 6 }, "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "OPTIONAL: If the Unet is a specialized Inpainting model, masked_latents will be generated from the image with the VAE", "field_kind": "input", @@ -9747,7 +14542,14 @@ "ui_order": 5 }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "OPTIONAL: Only connect for specialized Inpainting models, masked_latents will be generated from the image with the VAE", "field_kind": "input", @@ -9792,7 +14594,9 @@ "title": "Create Gradient Mask", "type": "object", "version": "1.3.0", - "output": { "$ref": "#/components/schemas/GradientMaskOutput" } + "output": { + "$ref": "#/components/schemas/GradientMaskOutput" + } }, "CropImageToBoundingBoxInvocation": { "category": "image", @@ -9802,7 +14606,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -9811,7 +14622,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -9844,7 +14662,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to crop", "field_kind": "input", @@ -9852,7 +14677,14 @@ "orig_required": true }, "bounding_box": { - "anyOf": [{ "$ref": "#/components/schemas/BoundingBoxField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoundingBoxField" + }, + { + "type": "null" + } + ], "default": null, "description": "The bounding box to crop the image to", "field_kind": "input", @@ -9873,7 +14705,9 @@ "title": "Crop Image to Bounding Box", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "CropLatentsCoreInvocation": { "category": "latents", @@ -9907,7 +14741,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -9915,7 +14756,16 @@ "orig_required": true }, "x": { - "anyOf": [{ "minimum": 0, "multipleOf": 8, "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "minimum": 0, + "multipleOf": 8, + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The left x coordinate (in px) of the crop rectangle in image space. This value will be converted to a dimension in latent space.", "field_kind": "input", @@ -9924,7 +14774,16 @@ "title": "X" }, "y": { - "anyOf": [{ "minimum": 0, "multipleOf": 8, "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "minimum": 0, + "multipleOf": 8, + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The top y coordinate (in px) of the crop rectangle in image space. This value will be converted to a dimension in latent space.", "field_kind": "input", @@ -9933,7 +14792,16 @@ "title": "Y" }, "width": { - "anyOf": [{ "minimum": 1, "multipleOf": 8, "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "minimum": 1, + "multipleOf": 8, + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The width (in px) of the crop rectangle in image space. This value will be converted to a dimension in latent space.", "field_kind": "input", @@ -9942,7 +14810,16 @@ "title": "Width" }, "height": { - "anyOf": [{ "minimum": 1, "multipleOf": 8, "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "minimum": 1, + "multipleOf": 8, + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The height (in px) of the crop rectangle in image space. This value will be converted to a dimension in latent space.", "field_kind": "input", @@ -9963,7 +14840,9 @@ "title": "Crop Latents", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "CvInpaintInvocation": { "category": "inpaint", @@ -9973,7 +14852,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -9982,7 +14868,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -10015,7 +14908,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to inpaint", "field_kind": "input", @@ -10023,7 +14923,14 @@ "orig_required": true }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask to use when inpainting", "field_kind": "input", @@ -10043,7 +14950,9 @@ "title": "OpenCV Inpaint", "type": "object", "version": "1.3.1", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "DWOpenposeDetectionInvocation": { "category": "controlnet", @@ -10053,7 +14962,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -10062,7 +14978,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -10095,7 +15018,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -10142,11 +15072,17 @@ "title": "DW Openpose Detection", "type": "object", "version": "1.1.1", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "DeleteAllExceptCurrentResult": { "properties": { - "deleted": { "type": "integer", "title": "Deleted", "description": "Number of queue items deleted" } + "deleted": { + "type": "integer", + "title": "Deleted", + "description": "Number of queue items deleted" + } }, "type": "object", "required": ["deleted"], @@ -10155,15 +15091,23 @@ }, "DeleteBoardResult": { "properties": { - "board_id": { "type": "string", "title": "Board Id", "description": "The id of the board that was deleted." }, + "board_id": { + "type": "string", + "title": "Board Id", + "description": "The id of the board that was deleted." + }, "deleted_board_images": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Deleted Board Images", "description": "The image names of the board-images relationships that were deleted." }, "deleted_images": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Deleted Images", "description": "The names of the images that were deleted." @@ -10175,7 +15119,11 @@ }, "DeleteByDestinationResult": { "properties": { - "deleted": { "type": "integer", "title": "Deleted", "description": "Number of queue items deleted" } + "deleted": { + "type": "integer", + "title": "Deleted", + "description": "Number of queue items deleted" + } }, "type": "object", "required": ["deleted"], @@ -10185,13 +15133,17 @@ "DeleteImagesResult": { "properties": { "affected_boards": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Affected Boards", "description": "The ids of boards affected by the delete operation" }, "deleted_images": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Deleted Images", "description": "The names of the images that were deleted" @@ -10234,9 +15186,18 @@ }, "positive_conditioning": { "anyOf": [ - { "$ref": "#/components/schemas/ConditioningField" }, - { "items": { "$ref": "#/components/schemas/ConditioningField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/ConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/ConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "Positive conditioning tensor", @@ -10248,9 +15209,18 @@ }, "negative_conditioning": { "anyOf": [ - { "$ref": "#/components/schemas/ConditioningField" }, - { "items": { "$ref": "#/components/schemas/ConditioningField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/ConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/ConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "Negative conditioning tensor", @@ -10261,7 +15231,14 @@ "ui_order": 1 }, "noise": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Noise tensor", "field_kind": "input", @@ -10282,7 +15259,17 @@ "type": "integer" }, "cfg_scale": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 7.5, "description": "Classifier-Free Guidance scale", "field_kind": "input", @@ -10359,7 +15346,14 @@ "ui_type": "SchedulerField" }, "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "input", @@ -10370,9 +15364,18 @@ }, "control": { "anyOf": [ - { "$ref": "#/components/schemas/ControlField" }, - { "items": { "$ref": "#/components/schemas/ControlField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/ControlField" + }, + { + "items": { + "$ref": "#/components/schemas/ControlField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "field_kind": "input", @@ -10384,9 +15387,18 @@ }, "ip_adapter": { "anyOf": [ - { "$ref": "#/components/schemas/IPAdapterField" }, - { "items": { "$ref": "#/components/schemas/IPAdapterField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/IPAdapterField" + }, + { + "items": { + "$ref": "#/components/schemas/IPAdapterField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "IP-Adapter to apply", @@ -10399,9 +15411,18 @@ }, "t2i_adapter": { "anyOf": [ - { "$ref": "#/components/schemas/T2IAdapterField" }, - { "items": { "$ref": "#/components/schemas/T2IAdapterField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/T2IAdapterField" + }, + { + "items": { + "$ref": "#/components/schemas/T2IAdapterField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "T2I-Adapter(s) to apply", @@ -10425,7 +15446,14 @@ "type": "number" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -10435,7 +15463,14 @@ "ui_order": 4 }, "denoise_mask": { - "anyOf": [{ "$ref": "#/components/schemas/DenoiseMaskField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/DenoiseMaskField" + }, + { + "type": "null" + } + ], "default": null, "description": "A mask of the region to apply the denoising process to. Values of 0.0 represent the regions to be fully denoised, and 1.0 represent the regions to be preserved.", "field_kind": "input", @@ -10457,7 +15492,9 @@ "title": "Denoise - SD1.5, SDXL", "type": "object", "version": "1.5.4", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "DenoiseLatentsMetaInvocation": { "category": "latents", @@ -10466,7 +15503,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -10500,9 +15544,18 @@ }, "positive_conditioning": { "anyOf": [ - { "$ref": "#/components/schemas/ConditioningField" }, - { "items": { "$ref": "#/components/schemas/ConditioningField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/ConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/ConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "Positive conditioning tensor", @@ -10514,9 +15567,18 @@ }, "negative_conditioning": { "anyOf": [ - { "$ref": "#/components/schemas/ConditioningField" }, - { "items": { "$ref": "#/components/schemas/ConditioningField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/ConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/ConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "Negative conditioning tensor", @@ -10527,7 +15589,14 @@ "ui_order": 1 }, "noise": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Noise tensor", "field_kind": "input", @@ -10548,7 +15617,17 @@ "type": "integer" }, "cfg_scale": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 7.5, "description": "Classifier-Free Guidance scale", "field_kind": "input", @@ -10625,7 +15704,14 @@ "ui_type": "SchedulerField" }, "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "input", @@ -10636,9 +15722,18 @@ }, "control": { "anyOf": [ - { "$ref": "#/components/schemas/ControlField" }, - { "items": { "$ref": "#/components/schemas/ControlField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/ControlField" + }, + { + "items": { + "$ref": "#/components/schemas/ControlField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "field_kind": "input", @@ -10650,9 +15745,18 @@ }, "ip_adapter": { "anyOf": [ - { "$ref": "#/components/schemas/IPAdapterField" }, - { "items": { "$ref": "#/components/schemas/IPAdapterField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/IPAdapterField" + }, + { + "items": { + "$ref": "#/components/schemas/IPAdapterField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "IP-Adapter to apply", @@ -10665,9 +15769,18 @@ }, "t2i_adapter": { "anyOf": [ - { "$ref": "#/components/schemas/T2IAdapterField" }, - { "items": { "$ref": "#/components/schemas/T2IAdapterField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/T2IAdapterField" + }, + { + "items": { + "$ref": "#/components/schemas/T2IAdapterField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "T2I-Adapter(s) to apply", @@ -10691,7 +15804,14 @@ "type": "number" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -10701,7 +15821,14 @@ "ui_order": 4 }, "denoise_mask": { - "anyOf": [{ "$ref": "#/components/schemas/DenoiseMaskField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/DenoiseMaskField" + }, + { + "type": "null" + } + ], "default": null, "description": "A mask of the region to apply the denoising process to. Values of 0.0 represent the regions to be fully denoised, and 1.0 represent the regions to be preserved.", "field_kind": "input", @@ -10723,14 +15850,27 @@ "title": "Denoise - SD1.5, SDXL + Metadata", "type": "object", "version": "1.1.1", - "output": { "$ref": "#/components/schemas/LatentsMetaOutput" } + "output": { + "$ref": "#/components/schemas/LatentsMetaOutput" + } }, "DenoiseMaskField": { "description": "An inpaint mask field", "properties": { - "mask_name": { "description": "The name of the mask image", "title": "Mask Name", "type": "string" }, + "mask_name": { + "description": "The name of the mask image", + "title": "Mask Name", + "type": "string" + }, "masked_latents_name": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The name of the masked image latents", "title": "Masked Latents Name" @@ -10776,7 +15916,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -10785,7 +15932,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -10818,7 +15972,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -10849,7 +16010,9 @@ "title": "Depth Anything Depth Estimation", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "DivideInvocation": { "category": "math", @@ -10915,13 +16078,23 @@ "title": "Divide Integers", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/IntegerOutput" } + "output": { + "$ref": "#/components/schemas/IntegerOutput" + } }, "DownloadCancelledEvent": { "description": "Event model for download_cancelled", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "source": { "description": "The source of the download", "title": "Source", "type": "string" } + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "source": { + "description": "The source of the download", + "title": "Source", + "type": "string" + } }, "required": ["timestamp", "source"], "title": "DownloadCancelledEvent", @@ -10930,8 +16103,16 @@ "DownloadCompleteEvent": { "description": "Event model for download_complete", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "source": { "description": "The source of the download", "title": "Source", "type": "string" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "source": { + "description": "The source of the download", + "title": "Source", + "type": "string" + }, "download_path": { "description": "The local path where the download is saved", "title": "Download Path", @@ -10950,10 +16131,26 @@ "DownloadErrorEvent": { "description": "Event model for download_error", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "source": { "description": "The source of the download", "title": "Source", "type": "string" }, - "error_type": { "description": "The type of error", "title": "Error Type", "type": "string" }, - "error": { "description": "The error message", "title": "Error", "type": "string" } + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "source": { + "description": "The source of the download", + "title": "Source", + "type": "string" + }, + "error_type": { + "description": "The type of error", + "title": "Error Type", + "type": "string" + }, + "error": { + "description": "The error message", + "title": "Error", + "type": "string" + } }, "required": ["timestamp", "source", "error_type", "error"], "title": "DownloadErrorEvent", @@ -10961,7 +16158,12 @@ }, "DownloadJob": { "properties": { - "id": { "type": "integer", "title": "Id", "description": "Numeric ID of this job", "default": -1 }, + "id": { + "type": "integer", + "title": "Id", + "description": "Numeric ID of this job", + "default": -1 + }, "dest": { "type": "string", "format": "path", @@ -10969,7 +16171,15 @@ "description": "Initial destination of downloaded model on local disk; a directory or file path" }, "download_path": { - "anyOf": [{ "type": "string", "format": "path" }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "format": "path" + }, + { + "type": "null" + } + ], "title": "Download Path", "description": "Final location of downloaded file or directory" }, @@ -10978,7 +16188,12 @@ "description": "Status of the download", "default": "waiting" }, - "bytes": { "type": "integer", "title": "Bytes", "description": "Bytes downloaded so far", "default": 0 }, + "bytes": { + "type": "integer", + "title": "Bytes", + "description": "Bytes downloaded so far", + "default": 0 + }, "total_bytes": { "type": "integer", "title": "Total Bytes", @@ -10986,12 +16201,26 @@ "default": 0 }, "error_type": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Error Type", "description": "Name of exception that caused an error" }, "error": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Error", "description": "Traceback of the exception that caused an error" }, @@ -11003,7 +16232,14 @@ "description": "Where to download from. Specific types specified in child classes." }, "access_token": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Access Token", "description": "authorization token for protected resources" }, @@ -11014,17 +16250,38 @@ "default": 10 }, "job_started": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Job Started", "description": "Timestamp for when the download job started" }, "job_ended": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Job Ended", "description": "Timestamp for when the download job ende1d (completed or errored)" }, "content_type": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Content Type", "description": "Content type of downloaded file" } @@ -11043,8 +16300,16 @@ "DownloadProgressEvent": { "description": "Event model for download_progress", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "source": { "description": "The source of the download", "title": "Source", "type": "string" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "source": { + "description": "The source of the download", + "title": "Source", + "type": "string" + }, "download_path": { "description": "The local path where the download is saved", "title": "Download Path", @@ -11068,8 +16333,16 @@ "DownloadStartedEvent": { "description": "Event model for download_started", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "source": { "description": "The source of the download", "title": "Source", "type": "string" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "source": { + "description": "The source of the download", + "title": "Source", + "type": "string" + }, "download_path": { "description": "The local path where the download is saved", "title": "Download Path", @@ -11112,7 +16385,14 @@ "type": "boolean" }, "prompt": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The prompt to parse with dynamicprompts", "field_kind": "input", @@ -11154,12 +16434,30 @@ "title": "Dynamic Prompt", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/StringCollectionOutput" } + "output": { + "$ref": "#/components/schemas/StringCollectionOutput" + } }, "DynamicPromptsResponse": { "properties": { - "prompts": { "items": { "type": "string" }, "type": "array", "title": "Prompts" }, - "error": { "anyOf": [{ "type": "string" }, { "type": "null" }], "title": "Error" } + "prompts": { + "items": { + "type": "string" + }, + "type": "array", + "title": "Prompts" + }, + "error": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "title": "Error" + } }, "type": "object", "required": ["prompts"], @@ -11173,7 +16471,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -11182,7 +16487,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -11215,7 +16527,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The input image", "field_kind": "input", @@ -11262,7 +16581,9 @@ "title": "Upscale (RealESRGAN)", "type": "object", "version": "1.3.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "Edge": { "properties": { @@ -11286,7 +16607,11 @@ "title": "Node Id", "description": "The id of the node for this edge connection" }, - "field": { "type": "string", "title": "Field", "description": "The field for this connection" } + "field": { + "type": "string", + "title": "Field", + "description": "The field for this connection" + } }, "type": "object", "required": ["node_id", "field"], @@ -11294,7 +16619,11 @@ }, "EnqueueBatchResult": { "properties": { - "queue_id": { "type": "string", "title": "Queue Id", "description": "The ID of the queue" }, + "queue_id": { + "type": "string", + "title": "Queue Id", + "description": "The ID of the queue" + }, "enqueued": { "type": "integer", "title": "Enqueued", @@ -11305,10 +16634,19 @@ "title": "Requested", "description": "The total number of queue items requested to be enqueued" }, - "batch": { "$ref": "#/components/schemas/Batch", "description": "The batch that was enqueued" }, - "priority": { "type": "integer", "title": "Priority", "description": "The priority of the enqueued batch" }, + "batch": { + "$ref": "#/components/schemas/Batch", + "description": "The batch that was enqueued" + }, + "priority": { + "type": "integer", + "title": "Priority", + "description": "The priority of the enqueued batch" + }, "item_ids": { - "items": { "type": "integer" }, + "items": { + "type": "integer" + }, "type": "array", "title": "Item Ids", "description": "The IDs of the queue items that were enqueued" @@ -11326,7 +16664,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -11335,7 +16680,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -11368,7 +16720,14 @@ "type": "boolean" }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask to expand", "field_kind": "input", @@ -11411,12 +16770,20 @@ "title": "Expand Mask with Fade", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ExposedField": { "properties": { - "nodeId": { "type": "string", "title": "Nodeid" }, - "fieldName": { "type": "string", "title": "Fieldname" } + "nodeId": { + "type": "string", + "title": "Nodeid" + }, + "fieldName": { + "type": "string", + "title": "Fieldname" + } }, "type": "object", "required": ["nodeId", "fieldName"], @@ -11455,9 +16822,18 @@ }, "loras": { "anyOf": [ - { "$ref": "#/components/schemas/LoRAField" }, - { "items": { "$ref": "#/components/schemas/LoRAField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/LoRAField" + }, + { + "items": { + "$ref": "#/components/schemas/LoRAField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "LoRA models and weights. May be a single LoRA or collection.", @@ -11468,7 +16844,14 @@ "title": "LoRAs" }, "transformer": { - "anyOf": [{ "$ref": "#/components/schemas/TransformerField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TransformerField" + }, + { + "type": "null" + } + ], "default": null, "description": "Transformer", "field_kind": "input", @@ -11478,7 +16861,14 @@ "title": "Transformer" }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -11488,7 +16878,14 @@ "title": "CLIP" }, "t5_encoder": { - "anyOf": [{ "$ref": "#/components/schemas/T5EncoderField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/T5EncoderField" + }, + { + "type": "null" + } + ], "default": null, "description": "T5 tokenizer and text encoder", "field_kind": "input", @@ -11510,21 +16907,46 @@ "title": "Apply LoRA Collection - FLUX", "type": "object", "version": "1.3.1", - "output": { "$ref": "#/components/schemas/FluxLoRALoaderOutput" } + "output": { + "$ref": "#/components/schemas/FluxLoRALoaderOutput" + } }, "FLUXRedux_Checkpoint_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -11533,20 +16955,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "flux_redux", "title": "Type", "default": "flux_redux" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "base": { "type": "string", "const": "flux", "title": "Base", "default": "flux" } + "type": { + "type": "string", + "const": "flux_redux", + "title": "Type", + "default": "flux_redux" + }, + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "base": { + "type": "string", + "const": "flux", + "title": "Base", + "default": "flux" + } }, "type": "object", "required": [ @@ -11575,7 +17029,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -11584,7 +17045,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -11617,7 +17085,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "Image to face detect", "field_kind": "input", @@ -11657,7 +17132,9 @@ "title": "FaceIdentifier", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "FaceMaskInvocation": { "category": "image", @@ -11667,7 +17144,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -11700,7 +17184,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "Image to face detect", "field_kind": "input", @@ -11780,7 +17271,9 @@ "title": "FaceMask", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/FaceMaskOutput" } + "output": { + "$ref": "#/components/schemas/FaceMaskOutput" + } }, "FaceMaskOutput": { "class": "output", @@ -11832,7 +17325,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -11865,7 +17365,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "Image for face detection", "field_kind": "input", @@ -11946,7 +17453,9 @@ "title": "FaceOff", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/FaceOffOutput" } + "output": { + "$ref": "#/components/schemas/FaceOffOutput" + } }, "FaceOffOutput": { "class": "output", @@ -12053,7 +17562,18 @@ "type": "string" }, "floats": { - "anyOf": [{ "items": { "type": "number" }, "minItems": 1, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "number" + }, + "minItems": 1, + "type": "array" + }, + { + "type": "null" + } + ], "default": null, "description": "The floats to batch over", "field_kind": "input", @@ -12074,7 +17594,9 @@ "title": "Float Batch", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/FloatOutput" } + "output": { + "$ref": "#/components/schemas/FloatOutput" + } }, "FloatCollectionInvocation": { "category": "primitives", @@ -12112,7 +17634,9 @@ "description": "The collection of float values", "field_kind": "input", "input": "any", - "items": { "type": "number" }, + "items": { + "type": "number" + }, "orig_default": [], "orig_required": false, "title": "Collection", @@ -12131,7 +17655,9 @@ "title": "Float Collection Primitive", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/FloatCollectionOutput" } + "output": { + "$ref": "#/components/schemas/FloatCollectionOutput" + } }, "FloatCollectionOutput": { "class": "output", @@ -12140,7 +17666,9 @@ "collection": { "description": "The float collection", "field_kind": "output", - "items": { "type": "number" }, + "items": { + "type": "number" + }, "title": "Collection", "type": "array", "ui_hidden": false @@ -12209,9 +17737,15 @@ "title": "Float Generator", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/FloatGeneratorOutput" } + "output": { + "$ref": "#/components/schemas/FloatGeneratorOutput" + } + }, + "FloatGeneratorField": { + "properties": {}, + "title": "FloatGeneratorField", + "type": "object" }, - "FloatGeneratorField": { "properties": {}, "title": "FloatGeneratorField", "type": "object" }, "FloatGeneratorOutput": { "class": "output", "description": "Base class for nodes that output a collection of floats", @@ -12219,7 +17753,9 @@ "floats": { "description": "The generated floats", "field_kind": "output", - "items": { "type": "number" }, + "items": { + "type": "number" + }, "title": "Floats", "type": "array", "ui_hidden": false @@ -12290,7 +17826,9 @@ "title": "Float Primitive", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/FloatOutput" } + "output": { + "$ref": "#/components/schemas/FloatOutput" + } }, "FloatLinearRangeInvocation": { "category": "math", @@ -12366,7 +17904,9 @@ "title": "Float Range", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/FloatCollectionOutput" } + "output": { + "$ref": "#/components/schemas/FloatCollectionOutput" + } }, "FloatMathInvocation": { "category": "math", @@ -12466,7 +18006,9 @@ "title": "Float Math", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/FloatOutput" } + "output": { + "$ref": "#/components/schemas/FloatOutput" + } }, "FloatOutput": { "class": "output", @@ -12567,7 +18109,9 @@ "title": "Float To Integer", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/IntegerOutput" } + "output": { + "$ref": "#/components/schemas/IntegerOutput" + } }, "FluxConditioningCollectionOutput": { "class": "output", @@ -12576,7 +18120,9 @@ "collection": { "description": "The output conditioning tensors", "field_kind": "output", - "items": { "$ref": "#/components/schemas/FluxConditioningField" }, + "items": { + "$ref": "#/components/schemas/FluxConditioningField" + }, "title": "Collection", "type": "array", "ui_hidden": false @@ -12602,7 +18148,14 @@ "type": "string" }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/TensorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask associated with this conditioning tensor. Excluded regions should be set to False, included regions should be set to True." } @@ -12665,7 +18218,14 @@ "type": "boolean" }, "lora": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "Control LoRA model to load", "field_kind": "input", @@ -12676,7 +18236,14 @@ "ui_model_type": ["control_lora"] }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to encode.", "field_kind": "input", @@ -12706,7 +18273,9 @@ "title": "Control LoRA - FLUX", "type": "object", "version": "1.1.1", - "output": { "$ref": "#/components/schemas/FluxControlLoRALoaderOutput" } + "output": { + "$ref": "#/components/schemas/FluxControlLoRALoaderOutput" + } }, "FluxControlLoRALoaderOutput": { "class": "output", @@ -12734,13 +18303,26 @@ }, "FluxControlNetField": { "properties": { - "image": { "$ref": "#/components/schemas/ImageField", "description": "The control image" }, + "image": { + "$ref": "#/components/schemas/ImageField", + "description": "The control image" + }, "control_model": { "$ref": "#/components/schemas/ModelIdentifierField", "description": "The ControlNet model to use" }, "control_weight": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 1, "description": "The weight given to the ControlNet", "title": "Control Weight" @@ -12769,7 +18351,14 @@ "type": "string" }, "instantx_control_mode": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": -1, "description": "The control mode for InstantX ControlNet union models. Ignored for other ControlNet models. The standard mapping is: canny (0), tile (1), depth (2), blur (3), pose (4), gray (5), low quality (6). Negative values will be treated as 'None'.", "title": "Instantx Control Mode" @@ -12811,7 +18400,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The control image", "field_kind": "input", @@ -12819,7 +18415,14 @@ "orig_required": true }, "control_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "ControlNet model to load", "field_kind": "input", @@ -12829,7 +18432,17 @@ "ui_model_type": ["controlnet"] }, "control_weight": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 1.0, "description": "The weight given to the ControlNet", "field_kind": "input", @@ -12876,7 +18489,14 @@ "type": "string" }, "instantx_control_mode": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": -1, "description": "The control mode for InstantX ControlNet union models. Ignored for other ControlNet models. The standard mapping is: canny (0), tile (1), depth (2), blur (3), pose (4), gray (5), low quality (6). Negative values will be treated as 'None'.", "field_kind": "input", @@ -12898,7 +18518,9 @@ "title": "FLUX ControlNet", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/FluxControlNetOutput" } + "output": { + "$ref": "#/components/schemas/FluxControlNetOutput" + } }, "FluxControlNetOutput": { "class": "output", @@ -12954,7 +18576,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -12963,7 +18592,14 @@ "orig_required": false }, "denoise_mask": { - "anyOf": [{ "$ref": "#/components/schemas/DenoiseMaskField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/DenoiseMaskField" + }, + { + "type": "null" + } + ], "default": null, "description": "A mask of the region to apply the denoising process to. Values of 0.0 represent the regions to be fully denoised, and 1.0 represent the regions to be preserved.", "field_kind": "input", @@ -13006,7 +18642,14 @@ "type": "boolean" }, "transformer": { - "anyOf": [{ "$ref": "#/components/schemas/TransformerField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TransformerField" + }, + { + "type": "null" + } + ], "default": null, "description": "Flux model (Transformer) to load", "field_kind": "input", @@ -13015,7 +18658,14 @@ "title": "Transformer" }, "control_lora": { - "anyOf": [{ "$ref": "#/components/schemas/ControlLoRAField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ControlLoRAField" + }, + { + "type": "null" + } + ], "default": null, "description": "Control LoRA model to load", "field_kind": "input", @@ -13026,9 +18676,18 @@ }, "positive_text_conditioning": { "anyOf": [ - { "$ref": "#/components/schemas/FluxConditioningField" }, - { "items": { "$ref": "#/components/schemas/FluxConditioningField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/FluxConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/FluxConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "Positive conditioning tensor", @@ -13039,9 +18698,18 @@ }, "negative_text_conditioning": { "anyOf": [ - { "$ref": "#/components/schemas/FluxConditioningField" }, - { "items": { "$ref": "#/components/schemas/FluxConditioningField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/FluxConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/FluxConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "Negative conditioning tensor. Can be None if cfg_scale is 1.0.", @@ -13053,9 +18721,18 @@ }, "redux_conditioning": { "anyOf": [ - { "$ref": "#/components/schemas/FluxReduxConditioningField" }, - { "items": { "$ref": "#/components/schemas/FluxReduxConditioningField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/FluxReduxConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/FluxReduxConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "FLUX Redux conditioning tensor.", @@ -13066,7 +18743,14 @@ "title": "Redux Conditioning" }, "fill_conditioning": { - "anyOf": [{ "$ref": "#/components/schemas/FluxFillConditioningField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/FluxFillConditioningField" + }, + { + "type": "null" + } + ], "default": null, "description": "FLUX Fill conditioning.", "field_kind": "input", @@ -13075,7 +18759,17 @@ "orig_required": false }, "cfg_scale": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 1.0, "description": "Classifier-Free Guidance scale", "field_kind": "input", @@ -13158,9 +18852,18 @@ }, "control": { "anyOf": [ - { "$ref": "#/components/schemas/FluxControlNetField" }, - { "items": { "$ref": "#/components/schemas/FluxControlNetField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/FluxControlNetField" + }, + { + "items": { + "$ref": "#/components/schemas/FluxControlNetField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "ControlNet models.", @@ -13171,7 +18874,14 @@ "title": "Control" }, "controlnet_vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "input", @@ -13181,9 +18891,18 @@ }, "ip_adapter": { "anyOf": [ - { "$ref": "#/components/schemas/IPAdapterField" }, - { "items": { "$ref": "#/components/schemas/IPAdapterField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/IPAdapterField" + }, + { + "items": { + "$ref": "#/components/schemas/IPAdapterField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "IP-Adapter to apply", @@ -13195,9 +18914,18 @@ }, "kontext_conditioning": { "anyOf": [ - { "$ref": "#/components/schemas/FluxKontextConditioningField" }, - { "items": { "$ref": "#/components/schemas/FluxKontextConditioningField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/FluxKontextConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/FluxKontextConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "FLUX Kontext conditioning (reference image).", @@ -13220,7 +18948,9 @@ "title": "FLUX Denoise", "type": "object", "version": "4.1.0", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "FluxDenoiseLatentsMetaInvocation": { "category": "latents", @@ -13230,7 +18960,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -13263,7 +19000,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -13272,7 +19016,14 @@ "orig_required": false }, "denoise_mask": { - "anyOf": [{ "$ref": "#/components/schemas/DenoiseMaskField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/DenoiseMaskField" + }, + { + "type": "null" + } + ], "default": null, "description": "A mask of the region to apply the denoising process to. Values of 0.0 represent the regions to be fully denoised, and 1.0 represent the regions to be preserved.", "field_kind": "input", @@ -13315,7 +19066,14 @@ "type": "boolean" }, "transformer": { - "anyOf": [{ "$ref": "#/components/schemas/TransformerField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TransformerField" + }, + { + "type": "null" + } + ], "default": null, "description": "Flux model (Transformer) to load", "field_kind": "input", @@ -13324,7 +19082,14 @@ "title": "Transformer" }, "control_lora": { - "anyOf": [{ "$ref": "#/components/schemas/ControlLoRAField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ControlLoRAField" + }, + { + "type": "null" + } + ], "default": null, "description": "Control LoRA model to load", "field_kind": "input", @@ -13335,9 +19100,18 @@ }, "positive_text_conditioning": { "anyOf": [ - { "$ref": "#/components/schemas/FluxConditioningField" }, - { "items": { "$ref": "#/components/schemas/FluxConditioningField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/FluxConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/FluxConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "Positive conditioning tensor", @@ -13348,9 +19122,18 @@ }, "negative_text_conditioning": { "anyOf": [ - { "$ref": "#/components/schemas/FluxConditioningField" }, - { "items": { "$ref": "#/components/schemas/FluxConditioningField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/FluxConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/FluxConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "Negative conditioning tensor. Can be None if cfg_scale is 1.0.", @@ -13362,9 +19145,18 @@ }, "redux_conditioning": { "anyOf": [ - { "$ref": "#/components/schemas/FluxReduxConditioningField" }, - { "items": { "$ref": "#/components/schemas/FluxReduxConditioningField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/FluxReduxConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/FluxReduxConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "FLUX Redux conditioning tensor.", @@ -13375,7 +19167,14 @@ "title": "Redux Conditioning" }, "fill_conditioning": { - "anyOf": [{ "$ref": "#/components/schemas/FluxFillConditioningField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/FluxFillConditioningField" + }, + { + "type": "null" + } + ], "default": null, "description": "FLUX Fill conditioning.", "field_kind": "input", @@ -13384,7 +19183,17 @@ "orig_required": false }, "cfg_scale": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 1.0, "description": "Classifier-Free Guidance scale", "field_kind": "input", @@ -13467,9 +19276,18 @@ }, "control": { "anyOf": [ - { "$ref": "#/components/schemas/FluxControlNetField" }, - { "items": { "$ref": "#/components/schemas/FluxControlNetField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/FluxControlNetField" + }, + { + "items": { + "$ref": "#/components/schemas/FluxControlNetField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "ControlNet models.", @@ -13480,7 +19298,14 @@ "title": "Control" }, "controlnet_vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "input", @@ -13490,9 +19315,18 @@ }, "ip_adapter": { "anyOf": [ - { "$ref": "#/components/schemas/IPAdapterField" }, - { "items": { "$ref": "#/components/schemas/IPAdapterField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/IPAdapterField" + }, + { + "items": { + "$ref": "#/components/schemas/IPAdapterField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "IP-Adapter to apply", @@ -13504,9 +19338,18 @@ }, "kontext_conditioning": { "anyOf": [ - { "$ref": "#/components/schemas/FluxKontextConditioningField" }, - { "items": { "$ref": "#/components/schemas/FluxKontextConditioningField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/FluxKontextConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/FluxKontextConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "FLUX Kontext conditioning (reference image).", @@ -13529,13 +19372,21 @@ "title": "FLUX Denoise + Metadata", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/LatentsMetaOutput" } + "output": { + "$ref": "#/components/schemas/LatentsMetaOutput" + } }, "FluxFillConditioningField": { "description": "A FLUX Fill conditioning field.", "properties": { - "image": { "$ref": "#/components/schemas/ImageField", "description": "The FLUX Fill reference image." }, - "mask": { "$ref": "#/components/schemas/TensorField", "description": "The FLUX Fill inpaint mask." } + "image": { + "$ref": "#/components/schemas/ImageField", + "description": "The FLUX Fill reference image." + }, + "mask": { + "$ref": "#/components/schemas/TensorField", + "description": "The FLUX Fill inpaint mask." + } }, "required": ["image", "mask"], "title": "FluxFillConditioningField", @@ -13573,7 +19424,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The FLUX Fill reference image.", "field_kind": "input", @@ -13581,7 +19439,14 @@ "orig_required": true }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/TensorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], "default": null, "description": "The bool inpainting mask. Excluded regions should be set to False, included regions should be set to True.", "field_kind": "input", @@ -13601,7 +19466,9 @@ "title": "FLUX Fill Conditioning", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/FluxFillOutput" } + "output": { + "$ref": "#/components/schemas/FluxFillOutput" + } }, "FluxFillOutput": { "class": "output", @@ -13658,7 +19525,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The IP-Adapter image prompt(s).", "field_kind": "input", @@ -13666,7 +19540,14 @@ "orig_required": true }, "ip_adapter_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "The IP-Adapter model.", "field_kind": "input", @@ -13688,7 +19569,17 @@ "type": "string" }, "weight": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 1, "description": "The weight given to the IP-Adapter", "field_kind": "input", @@ -13734,7 +19625,9 @@ "title": "FLUX IP-Adapter", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/IPAdapterOutput" } + "output": { + "$ref": "#/components/schemas/IPAdapterOutput" + } }, "FluxKontextConcatenateImagesInvocation": { "category": "image", @@ -13744,7 +19637,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -13753,7 +19653,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -13788,12 +19695,16 @@ "images": { "anyOf": [ { - "items": { "$ref": "#/components/schemas/ImageField" }, + "items": { + "$ref": "#/components/schemas/ImageField" + }, "maxItems": 10, "minItems": 1, "type": "array" }, - { "type": "null" } + { + "type": "null" + } ], "default": null, "description": "The images to concatenate", @@ -13825,12 +19736,17 @@ "title": "FLUX Kontext Image Prep", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "FluxKontextConditioningField": { "description": "A conditioning field for FLUX Kontext (reference image).", "properties": { - "image": { "$ref": "#/components/schemas/ImageField", "description": "The Kontext reference image." } + "image": { + "$ref": "#/components/schemas/ImageField", + "description": "The Kontext reference image." + } }, "required": ["image"], "title": "FluxKontextConditioningField", @@ -13868,7 +19784,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The Kontext reference image.", "field_kind": "input", @@ -13888,7 +19811,9 @@ "title": "Kontext Conditioning - FLUX", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/FluxKontextOutput" } + "output": { + "$ref": "#/components/schemas/FluxKontextOutput" + } }, "FluxKontextOutput": { "class": "output", @@ -13945,7 +19870,14 @@ "type": "boolean" }, "lora": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "LoRA model to load", "field_kind": "input", @@ -13966,7 +19898,14 @@ "type": "number" }, "transformer": { - "anyOf": [{ "$ref": "#/components/schemas/TransformerField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TransformerField" + }, + { + "type": "null" + } + ], "default": null, "description": "Transformer", "field_kind": "input", @@ -13976,7 +19915,14 @@ "title": "FLUX Transformer" }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -13986,7 +19932,14 @@ "title": "CLIP" }, "t5_encoder": { - "anyOf": [{ "$ref": "#/components/schemas/T5EncoderField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/T5EncoderField" + }, + { + "type": "null" + } + ], "default": null, "description": "T5 tokenizer and text encoder", "field_kind": "input", @@ -14008,14 +19961,23 @@ "title": "Apply LoRA - FLUX", "type": "object", "version": "1.2.1", - "output": { "$ref": "#/components/schemas/FluxLoRALoaderOutput" } + "output": { + "$ref": "#/components/schemas/FluxLoRALoaderOutput" + } }, "FluxLoRALoaderOutput": { "class": "output", "description": "FLUX LoRA Loader Output", "properties": { "transformer": { - "anyOf": [{ "$ref": "#/components/schemas/TransformerField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TransformerField" + }, + { + "type": "null" + } + ], "default": null, "description": "Transformer", "field_kind": "output", @@ -14023,7 +19985,14 @@ "ui_hidden": false }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "output", @@ -14031,7 +20000,14 @@ "ui_hidden": false }, "t5_encoder": { - "anyOf": [{ "$ref": "#/components/schemas/T5EncoderField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/T5EncoderField" + }, + { + "type": "null" + } + ], "default": null, "description": "T5 tokenizer and text encoder", "field_kind": "output", @@ -14109,7 +20085,14 @@ "ui_model_type": ["clip_embed"] }, "vae_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE model to load", "field_kind": "input", @@ -14132,7 +20115,9 @@ "title": "Main Model - FLUX", "type": "object", "version": "1.0.6", - "output": { "$ref": "#/components/schemas/FluxModelLoaderOutput" } + "output": { + "$ref": "#/components/schemas/FluxModelLoaderOutput" + } }, "FluxModelLoaderOutput": { "class": "output", @@ -14194,7 +20179,14 @@ "description": "The Redux image conditioning tensor." }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/TensorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask associated with this conditioning tensor. Excluded regions should be set to False, included regions should be set to True." } @@ -14235,7 +20227,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The FLUX Redux image prompt.", "field_kind": "input", @@ -14243,7 +20242,14 @@ "orig_required": true }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/TensorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], "default": null, "description": "The bool mask associated with this FLUX Redux image prompt. Excluded regions should be set to False, included regions should be set to True.", "field_kind": "input", @@ -14252,7 +20258,14 @@ "orig_required": false }, "redux_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "The FLUX Redux model to use.", "field_kind": "input", @@ -14310,7 +20323,9 @@ "title": "FLUX Redux", "type": "object", "version": "2.1.0", - "output": { "$ref": "#/components/schemas/FluxReduxOutput" } + "output": { + "$ref": "#/components/schemas/FluxReduxOutput" + } }, "FluxReduxOutput": { "class": "output", @@ -14367,7 +20382,14 @@ "type": "boolean" }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -14376,7 +20398,14 @@ "title": "CLIP" }, "t5_encoder": { - "anyOf": [{ "$ref": "#/components/schemas/T5EncoderField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/T5EncoderField" + }, + { + "type": "null" + } + ], "default": null, "description": "T5 tokenizer and text encoder", "field_kind": "input", @@ -14385,7 +20414,15 @@ "title": "T5Encoder" }, "t5_max_seq_len": { - "anyOf": [{ "enum": [256, 512], "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "enum": [256, 512], + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "Max sequence length for the T5 encoder. Expected to be 256 for FLUX schnell models and 512 for FLUX dev models.", "field_kind": "input", @@ -14394,7 +20431,14 @@ "title": "T5 Max Seq Len" }, "prompt": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Text prompt to encode.", "field_kind": "input", @@ -14404,7 +20448,14 @@ "ui_component": "textarea" }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/TensorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], "default": null, "description": "A mask defining the region that this conditioning prompt applies to.", "field_kind": "input", @@ -14425,7 +20476,9 @@ "title": "Prompt - FLUX", "type": "object", "version": "1.1.2", - "output": { "$ref": "#/components/schemas/FluxConditioningOutput" } + "output": { + "$ref": "#/components/schemas/FluxConditioningOutput" + } }, "FluxVaeDecodeInvocation": { "category": "latents", @@ -14435,7 +20488,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -14444,7 +20504,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -14477,7 +20544,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -14485,7 +20559,14 @@ "orig_required": true }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "input", @@ -14505,7 +20586,9 @@ "title": "Latents to Image - FLUX", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "FluxVaeEncodeInvocation": { "category": "latents", @@ -14539,7 +20622,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to encode.", "field_kind": "input", @@ -14547,7 +20637,14 @@ "orig_required": true }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "input", @@ -14567,12 +20664,22 @@ "title": "Image to Latents - FLUX", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } + }, + "FluxVariantType": { + "type": "string", + "enum": ["schnell", "dev", "dev_fill"], + "title": "FluxVariantType" }, - "FluxVariantType": { "type": "string", "enum": ["schnell", "dev", "dev_fill"], "title": "FluxVariantType" }, "FoundModel": { "properties": { - "path": { "type": "string", "title": "Path", "description": "Path to the model" }, + "path": { + "type": "string", + "title": "Path", + "description": "Path to the model" + }, "is_installed": { "type": "boolean", "title": "Is Installed", @@ -14651,7 +20758,14 @@ "type": "boolean" }, "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "input", @@ -14720,7 +20834,9 @@ "title": "Apply FreeU - SD1.5, SDXL", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/UNetOutput" } + "output": { + "$ref": "#/components/schemas/UNetOutput" + } }, "GetMaskBoundingBoxInvocation": { "category": "mask", @@ -14754,7 +20870,14 @@ "type": "boolean" }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask to crop.", "field_kind": "input", @@ -14773,11 +20896,21 @@ }, "mask_color": { "$ref": "#/components/schemas/ColorField", - "default": { "r": 255, "g": 255, "b": 255, "a": 255 }, + "default": { + "r": 255, + "g": 255, + "b": 255, + "a": 255 + }, "description": "Color of the mask in the image.", "field_kind": "input", "input": "any", - "orig_default": { "a": 255, "b": 255, "g": 255, "r": 255 }, + "orig_default": { + "a": 255, + "b": 255, + "g": 255, + "r": 255 + }, "orig_required": false }, "type": { @@ -14793,7 +20926,9 @@ "title": "Get Image Mask Bounding Box", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/BoundingBoxOutput" } + "output": { + "$ref": "#/components/schemas/BoundingBoxOutput" + } }, "GlmEncoderField": { "properties": { @@ -14840,228 +20975,668 @@ }, "Graph": { "properties": { - "id": { "type": "string", "title": "Id", "description": "The id of this graph" }, + "id": { + "type": "string", + "title": "Id", + "description": "The id of this graph" + }, "nodes": { "additionalProperties": { "oneOf": [ - { "$ref": "#/components/schemas/AddInvocation" }, - { "$ref": "#/components/schemas/AlphaMaskToTensorInvocation" }, - { "$ref": "#/components/schemas/ApplyMaskTensorToImageInvocation" }, - { "$ref": "#/components/schemas/ApplyMaskToImageInvocation" }, - { "$ref": "#/components/schemas/BlankImageInvocation" }, - { "$ref": "#/components/schemas/BlendLatentsInvocation" }, - { "$ref": "#/components/schemas/BooleanCollectionInvocation" }, - { "$ref": "#/components/schemas/BooleanInvocation" }, - { "$ref": "#/components/schemas/BoundingBoxInvocation" }, - { "$ref": "#/components/schemas/CLIPSkipInvocation" }, - { "$ref": "#/components/schemas/CV2InfillInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesEvenSplitInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesMinimumOverlapInvocation" }, - { "$ref": "#/components/schemas/CannyEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/CanvasPasteBackInvocation" }, - { "$ref": "#/components/schemas/CanvasV2MaskAndCropInvocation" }, - { "$ref": "#/components/schemas/CenterPadCropInvocation" }, - { "$ref": "#/components/schemas/CogView4DenoiseInvocation" }, - { "$ref": "#/components/schemas/CogView4ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/CogView4LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/CogView4ModelLoaderInvocation" }, - { "$ref": "#/components/schemas/CogView4TextEncoderInvocation" }, - { "$ref": "#/components/schemas/CollectInvocation" }, - { "$ref": "#/components/schemas/ColorCorrectInvocation" }, - { "$ref": "#/components/schemas/ColorInvocation" }, - { "$ref": "#/components/schemas/ColorMapInvocation" }, - { "$ref": "#/components/schemas/CompelInvocation" }, - { "$ref": "#/components/schemas/ConditioningCollectionInvocation" }, - { "$ref": "#/components/schemas/ConditioningInvocation" }, - { "$ref": "#/components/schemas/ContentShuffleInvocation" }, - { "$ref": "#/components/schemas/ControlNetInvocation" }, - { "$ref": "#/components/schemas/CoreMetadataInvocation" }, - { "$ref": "#/components/schemas/CreateDenoiseMaskInvocation" }, - { "$ref": "#/components/schemas/CreateGradientMaskInvocation" }, - { "$ref": "#/components/schemas/CropImageToBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/CropLatentsCoreInvocation" }, - { "$ref": "#/components/schemas/CvInpaintInvocation" }, - { "$ref": "#/components/schemas/DWOpenposeDetectionInvocation" }, - { "$ref": "#/components/schemas/DenoiseLatentsInvocation" }, - { "$ref": "#/components/schemas/DenoiseLatentsMetaInvocation" }, - { "$ref": "#/components/schemas/DepthAnythingDepthEstimationInvocation" }, - { "$ref": "#/components/schemas/DivideInvocation" }, - { "$ref": "#/components/schemas/DynamicPromptInvocation" }, - { "$ref": "#/components/schemas/ESRGANInvocation" }, - { "$ref": "#/components/schemas/ExpandMaskWithFadeInvocation" }, - { "$ref": "#/components/schemas/FLUXLoRACollectionLoader" }, - { "$ref": "#/components/schemas/FaceIdentifierInvocation" }, - { "$ref": "#/components/schemas/FaceMaskInvocation" }, - { "$ref": "#/components/schemas/FaceOffInvocation" }, - { "$ref": "#/components/schemas/FloatBatchInvocation" }, - { "$ref": "#/components/schemas/FloatCollectionInvocation" }, - { "$ref": "#/components/schemas/FloatGenerator" }, - { "$ref": "#/components/schemas/FloatInvocation" }, - { "$ref": "#/components/schemas/FloatLinearRangeInvocation" }, - { "$ref": "#/components/schemas/FloatMathInvocation" }, - { "$ref": "#/components/schemas/FloatToIntegerInvocation" }, - { "$ref": "#/components/schemas/FluxControlLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/FluxControlNetInvocation" }, - { "$ref": "#/components/schemas/FluxDenoiseInvocation" }, - { "$ref": "#/components/schemas/FluxDenoiseLatentsMetaInvocation" }, - { "$ref": "#/components/schemas/FluxFillInvocation" }, - { "$ref": "#/components/schemas/FluxIPAdapterInvocation" }, - { "$ref": "#/components/schemas/FluxKontextConcatenateImagesInvocation" }, - { "$ref": "#/components/schemas/FluxKontextInvocation" }, - { "$ref": "#/components/schemas/FluxLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/FluxModelLoaderInvocation" }, - { "$ref": "#/components/schemas/FluxReduxInvocation" }, - { "$ref": "#/components/schemas/FluxTextEncoderInvocation" }, - { "$ref": "#/components/schemas/FluxVaeDecodeInvocation" }, - { "$ref": "#/components/schemas/FluxVaeEncodeInvocation" }, - { "$ref": "#/components/schemas/FreeUInvocation" }, - { "$ref": "#/components/schemas/GetMaskBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/GroundingDinoInvocation" }, - { "$ref": "#/components/schemas/HEDEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/HeuristicResizeInvocation" }, - { "$ref": "#/components/schemas/IPAdapterInvocation" }, - { "$ref": "#/components/schemas/IdealSizeInvocation" }, - { "$ref": "#/components/schemas/ImageBatchInvocation" }, - { "$ref": "#/components/schemas/ImageBlurInvocation" }, - { "$ref": "#/components/schemas/ImageChannelInvocation" }, - { "$ref": "#/components/schemas/ImageChannelMultiplyInvocation" }, - { "$ref": "#/components/schemas/ImageChannelOffsetInvocation" }, - { "$ref": "#/components/schemas/ImageCollectionInvocation" }, - { "$ref": "#/components/schemas/ImageConvertInvocation" }, - { "$ref": "#/components/schemas/ImageCropInvocation" }, - { "$ref": "#/components/schemas/ImageGenerator" }, - { "$ref": "#/components/schemas/ImageHueAdjustmentInvocation" }, - { "$ref": "#/components/schemas/ImageInverseLerpInvocation" }, - { "$ref": "#/components/schemas/ImageInvocation" }, - { "$ref": "#/components/schemas/ImageLerpInvocation" }, - { "$ref": "#/components/schemas/ImageMaskToTensorInvocation" }, - { "$ref": "#/components/schemas/ImageMultiplyInvocation" }, - { "$ref": "#/components/schemas/ImageNSFWBlurInvocation" }, - { "$ref": "#/components/schemas/ImageNoiseInvocation" }, - { "$ref": "#/components/schemas/ImagePanelLayoutInvocation" }, - { "$ref": "#/components/schemas/ImagePasteInvocation" }, - { "$ref": "#/components/schemas/ImageResizeInvocation" }, - { "$ref": "#/components/schemas/ImageScaleInvocation" }, - { "$ref": "#/components/schemas/ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/ImageWatermarkInvocation" }, - { "$ref": "#/components/schemas/InfillColorInvocation" }, - { "$ref": "#/components/schemas/InfillPatchMatchInvocation" }, - { "$ref": "#/components/schemas/InfillTileInvocation" }, - { "$ref": "#/components/schemas/IntegerBatchInvocation" }, - { "$ref": "#/components/schemas/IntegerCollectionInvocation" }, - { "$ref": "#/components/schemas/IntegerGenerator" }, - { "$ref": "#/components/schemas/IntegerInvocation" }, - { "$ref": "#/components/schemas/IntegerMathInvocation" }, - { "$ref": "#/components/schemas/InvertTensorMaskInvocation" }, - { "$ref": "#/components/schemas/InvokeAdjustImageHuePlusInvocation" }, - { "$ref": "#/components/schemas/InvokeEquivalentAchromaticLightnessInvocation" }, - { "$ref": "#/components/schemas/InvokeImageBlendInvocation" }, - { "$ref": "#/components/schemas/InvokeImageCompositorInvocation" }, - { "$ref": "#/components/schemas/InvokeImageDilateOrErodeInvocation" }, - { "$ref": "#/components/schemas/InvokeImageEnhanceInvocation" }, - { "$ref": "#/components/schemas/InvokeImageValueThresholdsInvocation" }, - { "$ref": "#/components/schemas/IterateInvocation" }, - { "$ref": "#/components/schemas/LaMaInfillInvocation" }, - { "$ref": "#/components/schemas/LatentsCollectionInvocation" }, - { "$ref": "#/components/schemas/LatentsInvocation" }, - { "$ref": "#/components/schemas/LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/LineartAnimeEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/LineartEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/LlavaOnevisionVllmInvocation" }, - { "$ref": "#/components/schemas/LoRACollectionLoader" }, - { "$ref": "#/components/schemas/LoRALoaderInvocation" }, - { "$ref": "#/components/schemas/LoRASelectorInvocation" }, - { "$ref": "#/components/schemas/MLSDDetectionInvocation" }, - { "$ref": "#/components/schemas/MainModelLoaderInvocation" }, - { "$ref": "#/components/schemas/MaskCombineInvocation" }, - { "$ref": "#/components/schemas/MaskEdgeInvocation" }, - { "$ref": "#/components/schemas/MaskFromAlphaInvocation" }, - { "$ref": "#/components/schemas/MaskFromIDInvocation" }, - { "$ref": "#/components/schemas/MaskTensorToImageInvocation" }, - { "$ref": "#/components/schemas/MediaPipeFaceDetectionInvocation" }, - { "$ref": "#/components/schemas/MergeMetadataInvocation" }, - { "$ref": "#/components/schemas/MergeTilesToImageInvocation" }, - { "$ref": "#/components/schemas/MetadataFieldExtractorInvocation" }, - { "$ref": "#/components/schemas/MetadataFromImageInvocation" }, - { "$ref": "#/components/schemas/MetadataInvocation" }, - { "$ref": "#/components/schemas/MetadataItemInvocation" }, - { "$ref": "#/components/schemas/MetadataItemLinkedInvocation" }, - { "$ref": "#/components/schemas/MetadataToBoolCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToBoolInvocation" }, - { "$ref": "#/components/schemas/MetadataToControlnetsInvocation" }, - { "$ref": "#/components/schemas/MetadataToFloatCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToFloatInvocation" }, - { "$ref": "#/components/schemas/MetadataToIPAdaptersInvocation" }, - { "$ref": "#/components/schemas/MetadataToIntegerCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToIntegerInvocation" }, - { "$ref": "#/components/schemas/MetadataToLorasCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToLorasInvocation" }, - { "$ref": "#/components/schemas/MetadataToModelInvocation" }, - { "$ref": "#/components/schemas/MetadataToSDXLLorasInvocation" }, - { "$ref": "#/components/schemas/MetadataToSDXLModelInvocation" }, - { "$ref": "#/components/schemas/MetadataToSchedulerInvocation" }, - { "$ref": "#/components/schemas/MetadataToStringCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToStringInvocation" }, - { "$ref": "#/components/schemas/MetadataToT2IAdaptersInvocation" }, - { "$ref": "#/components/schemas/MetadataToVAEInvocation" }, - { "$ref": "#/components/schemas/ModelIdentifierInvocation" }, - { "$ref": "#/components/schemas/MultiplyInvocation" }, - { "$ref": "#/components/schemas/NoiseInvocation" }, - { "$ref": "#/components/schemas/NormalMapInvocation" }, - { "$ref": "#/components/schemas/PairTileImageInvocation" }, - { "$ref": "#/components/schemas/PasteImageIntoBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/PiDiNetEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/PromptsFromFileInvocation" }, - { "$ref": "#/components/schemas/RandomFloatInvocation" }, - { "$ref": "#/components/schemas/RandomIntInvocation" }, - { "$ref": "#/components/schemas/RandomRangeInvocation" }, - { "$ref": "#/components/schemas/RangeInvocation" }, - { "$ref": "#/components/schemas/RangeOfSizeInvocation" }, - { "$ref": "#/components/schemas/RectangleMaskInvocation" }, - { "$ref": "#/components/schemas/ResizeLatentsInvocation" }, - { "$ref": "#/components/schemas/RoundInvocation" }, - { "$ref": "#/components/schemas/SD3DenoiseInvocation" }, - { "$ref": "#/components/schemas/SD3ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/SD3LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/SDXLCompelPromptInvocation" }, - { "$ref": "#/components/schemas/SDXLLoRACollectionLoader" }, - { "$ref": "#/components/schemas/SDXLLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/SDXLModelLoaderInvocation" }, - { "$ref": "#/components/schemas/SDXLRefinerCompelPromptInvocation" }, - { "$ref": "#/components/schemas/SDXLRefinerModelLoaderInvocation" }, - { "$ref": "#/components/schemas/SaveImageInvocation" }, - { "$ref": "#/components/schemas/ScaleLatentsInvocation" }, - { "$ref": "#/components/schemas/SchedulerInvocation" }, - { "$ref": "#/components/schemas/Sd3ModelLoaderInvocation" }, - { "$ref": "#/components/schemas/Sd3TextEncoderInvocation" }, - { "$ref": "#/components/schemas/SeamlessModeInvocation" }, - { "$ref": "#/components/schemas/SegmentAnythingInvocation" }, - { "$ref": "#/components/schemas/ShowImageInvocation" }, - { "$ref": "#/components/schemas/SpandrelImageToImageAutoscaleInvocation" }, - { "$ref": "#/components/schemas/SpandrelImageToImageInvocation" }, - { "$ref": "#/components/schemas/StringBatchInvocation" }, - { "$ref": "#/components/schemas/StringCollectionInvocation" }, - { "$ref": "#/components/schemas/StringGenerator" }, - { "$ref": "#/components/schemas/StringInvocation" }, - { "$ref": "#/components/schemas/StringJoinInvocation" }, - { "$ref": "#/components/schemas/StringJoinThreeInvocation" }, - { "$ref": "#/components/schemas/StringReplaceInvocation" }, - { "$ref": "#/components/schemas/StringSplitInvocation" }, - { "$ref": "#/components/schemas/StringSplitNegInvocation" }, - { "$ref": "#/components/schemas/SubtractInvocation" }, - { "$ref": "#/components/schemas/T2IAdapterInvocation" }, - { "$ref": "#/components/schemas/TileToPropertiesInvocation" }, - { "$ref": "#/components/schemas/TiledMultiDiffusionDenoiseLatents" }, - { "$ref": "#/components/schemas/UnsharpMaskInvocation" }, - { "$ref": "#/components/schemas/VAELoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageDenoiseInvocation" }, - { "$ref": "#/components/schemas/ZImageImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/ZImageLatentsToImageInvocation" }, - { "$ref": "#/components/schemas/ZImageLoRACollectionLoader" }, - { "$ref": "#/components/schemas/ZImageLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageModelLoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageTextEncoderInvocation" } + { + "$ref": "#/components/schemas/AddInvocation" + }, + { + "$ref": "#/components/schemas/AlphaMaskToTensorInvocation" + }, + { + "$ref": "#/components/schemas/ApplyMaskTensorToImageInvocation" + }, + { + "$ref": "#/components/schemas/ApplyMaskToImageInvocation" + }, + { + "$ref": "#/components/schemas/BlankImageInvocation" + }, + { + "$ref": "#/components/schemas/BlendLatentsInvocation" + }, + { + "$ref": "#/components/schemas/BooleanCollectionInvocation" + }, + { + "$ref": "#/components/schemas/BooleanInvocation" + }, + { + "$ref": "#/components/schemas/BoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/CLIPSkipInvocation" + }, + { + "$ref": "#/components/schemas/CV2InfillInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesEvenSplitInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesMinimumOverlapInvocation" + }, + { + "$ref": "#/components/schemas/CannyEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/CanvasPasteBackInvocation" + }, + { + "$ref": "#/components/schemas/CanvasV2MaskAndCropInvocation" + }, + { + "$ref": "#/components/schemas/CenterPadCropInvocation" + }, + { + "$ref": "#/components/schemas/CogView4DenoiseInvocation" + }, + { + "$ref": "#/components/schemas/CogView4ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/CogView4LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/CogView4ModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/CogView4TextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/CollectInvocation" + }, + { + "$ref": "#/components/schemas/ColorCorrectInvocation" + }, + { + "$ref": "#/components/schemas/ColorInvocation" + }, + { + "$ref": "#/components/schemas/ColorMapInvocation" + }, + { + "$ref": "#/components/schemas/CompelInvocation" + }, + { + "$ref": "#/components/schemas/ConditioningCollectionInvocation" + }, + { + "$ref": "#/components/schemas/ConditioningInvocation" + }, + { + "$ref": "#/components/schemas/ContentShuffleInvocation" + }, + { + "$ref": "#/components/schemas/ControlNetInvocation" + }, + { + "$ref": "#/components/schemas/CoreMetadataInvocation" + }, + { + "$ref": "#/components/schemas/CreateDenoiseMaskInvocation" + }, + { + "$ref": "#/components/schemas/CreateGradientMaskInvocation" + }, + { + "$ref": "#/components/schemas/CropImageToBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/CropLatentsCoreInvocation" + }, + { + "$ref": "#/components/schemas/CvInpaintInvocation" + }, + { + "$ref": "#/components/schemas/DWOpenposeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/DenoiseLatentsInvocation" + }, + { + "$ref": "#/components/schemas/DenoiseLatentsMetaInvocation" + }, + { + "$ref": "#/components/schemas/DepthAnythingDepthEstimationInvocation" + }, + { + "$ref": "#/components/schemas/DivideInvocation" + }, + { + "$ref": "#/components/schemas/DynamicPromptInvocation" + }, + { + "$ref": "#/components/schemas/ESRGANInvocation" + }, + { + "$ref": "#/components/schemas/ExpandMaskWithFadeInvocation" + }, + { + "$ref": "#/components/schemas/FLUXLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/FaceIdentifierInvocation" + }, + { + "$ref": "#/components/schemas/FaceMaskInvocation" + }, + { + "$ref": "#/components/schemas/FaceOffInvocation" + }, + { + "$ref": "#/components/schemas/FloatBatchInvocation" + }, + { + "$ref": "#/components/schemas/FloatCollectionInvocation" + }, + { + "$ref": "#/components/schemas/FloatGenerator" + }, + { + "$ref": "#/components/schemas/FloatInvocation" + }, + { + "$ref": "#/components/schemas/FloatLinearRangeInvocation" + }, + { + "$ref": "#/components/schemas/FloatMathInvocation" + }, + { + "$ref": "#/components/schemas/FloatToIntegerInvocation" + }, + { + "$ref": "#/components/schemas/FluxControlLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxControlNetInvocation" + }, + { + "$ref": "#/components/schemas/FluxDenoiseInvocation" + }, + { + "$ref": "#/components/schemas/FluxDenoiseLatentsMetaInvocation" + }, + { + "$ref": "#/components/schemas/FluxFillInvocation" + }, + { + "$ref": "#/components/schemas/FluxIPAdapterInvocation" + }, + { + "$ref": "#/components/schemas/FluxKontextConcatenateImagesInvocation" + }, + { + "$ref": "#/components/schemas/FluxKontextInvocation" + }, + { + "$ref": "#/components/schemas/FluxLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxReduxInvocation" + }, + { + "$ref": "#/components/schemas/FluxTextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/FluxVaeDecodeInvocation" + }, + { + "$ref": "#/components/schemas/FluxVaeEncodeInvocation" + }, + { + "$ref": "#/components/schemas/FreeUInvocation" + }, + { + "$ref": "#/components/schemas/GetMaskBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/GroundingDinoInvocation" + }, + { + "$ref": "#/components/schemas/HEDEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/HeuristicResizeInvocation" + }, + { + "$ref": "#/components/schemas/IPAdapterInvocation" + }, + { + "$ref": "#/components/schemas/IdealSizeInvocation" + }, + { + "$ref": "#/components/schemas/ImageBatchInvocation" + }, + { + "$ref": "#/components/schemas/ImageBlurInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelMultiplyInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelOffsetInvocation" + }, + { + "$ref": "#/components/schemas/ImageCollectionInvocation" + }, + { + "$ref": "#/components/schemas/ImageConvertInvocation" + }, + { + "$ref": "#/components/schemas/ImageCropInvocation" + }, + { + "$ref": "#/components/schemas/ImageGenerator" + }, + { + "$ref": "#/components/schemas/ImageHueAdjustmentInvocation" + }, + { + "$ref": "#/components/schemas/ImageInverseLerpInvocation" + }, + { + "$ref": "#/components/schemas/ImageInvocation" + }, + { + "$ref": "#/components/schemas/ImageLerpInvocation" + }, + { + "$ref": "#/components/schemas/ImageMaskToTensorInvocation" + }, + { + "$ref": "#/components/schemas/ImageMultiplyInvocation" + }, + { + "$ref": "#/components/schemas/ImageNSFWBlurInvocation" + }, + { + "$ref": "#/components/schemas/ImageNoiseInvocation" + }, + { + "$ref": "#/components/schemas/ImagePanelLayoutInvocation" + }, + { + "$ref": "#/components/schemas/ImagePasteInvocation" + }, + { + "$ref": "#/components/schemas/ImageResizeInvocation" + }, + { + "$ref": "#/components/schemas/ImageScaleInvocation" + }, + { + "$ref": "#/components/schemas/ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/ImageWatermarkInvocation" + }, + { + "$ref": "#/components/schemas/InfillColorInvocation" + }, + { + "$ref": "#/components/schemas/InfillPatchMatchInvocation" + }, + { + "$ref": "#/components/schemas/InfillTileInvocation" + }, + { + "$ref": "#/components/schemas/IntegerBatchInvocation" + }, + { + "$ref": "#/components/schemas/IntegerCollectionInvocation" + }, + { + "$ref": "#/components/schemas/IntegerGenerator" + }, + { + "$ref": "#/components/schemas/IntegerInvocation" + }, + { + "$ref": "#/components/schemas/IntegerMathInvocation" + }, + { + "$ref": "#/components/schemas/InvertTensorMaskInvocation" + }, + { + "$ref": "#/components/schemas/InvokeAdjustImageHuePlusInvocation" + }, + { + "$ref": "#/components/schemas/InvokeEquivalentAchromaticLightnessInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageBlendInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageCompositorInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageDilateOrErodeInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageEnhanceInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageValueThresholdsInvocation" + }, + { + "$ref": "#/components/schemas/IterateInvocation" + }, + { + "$ref": "#/components/schemas/LaMaInfillInvocation" + }, + { + "$ref": "#/components/schemas/LatentsCollectionInvocation" + }, + { + "$ref": "#/components/schemas/LatentsInvocation" + }, + { + "$ref": "#/components/schemas/LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/LineartAnimeEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/LineartEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/LlavaOnevisionVllmInvocation" + }, + { + "$ref": "#/components/schemas/LoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/LoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/LoRASelectorInvocation" + }, + { + "$ref": "#/components/schemas/MLSDDetectionInvocation" + }, + { + "$ref": "#/components/schemas/MainModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/MaskCombineInvocation" + }, + { + "$ref": "#/components/schemas/MaskEdgeInvocation" + }, + { + "$ref": "#/components/schemas/MaskFromAlphaInvocation" + }, + { + "$ref": "#/components/schemas/MaskFromIDInvocation" + }, + { + "$ref": "#/components/schemas/MaskTensorToImageInvocation" + }, + { + "$ref": "#/components/schemas/MediaPipeFaceDetectionInvocation" + }, + { + "$ref": "#/components/schemas/MergeMetadataInvocation" + }, + { + "$ref": "#/components/schemas/MergeTilesToImageInvocation" + }, + { + "$ref": "#/components/schemas/MetadataFieldExtractorInvocation" + }, + { + "$ref": "#/components/schemas/MetadataFromImageInvocation" + }, + { + "$ref": "#/components/schemas/MetadataInvocation" + }, + { + "$ref": "#/components/schemas/MetadataItemInvocation" + }, + { + "$ref": "#/components/schemas/MetadataItemLinkedInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToBoolCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToBoolInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToControlnetsInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToFloatCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToFloatInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIPAdaptersInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIntegerCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIntegerInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToLorasCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToLorasInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToModelInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSDXLLorasInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSDXLModelInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSchedulerInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToStringCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToStringInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToT2IAdaptersInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToVAEInvocation" + }, + { + "$ref": "#/components/schemas/ModelIdentifierInvocation" + }, + { + "$ref": "#/components/schemas/MultiplyInvocation" + }, + { + "$ref": "#/components/schemas/NoiseInvocation" + }, + { + "$ref": "#/components/schemas/NormalMapInvocation" + }, + { + "$ref": "#/components/schemas/PairTileImageInvocation" + }, + { + "$ref": "#/components/schemas/PasteImageIntoBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/PiDiNetEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/PromptsFromFileInvocation" + }, + { + "$ref": "#/components/schemas/RandomFloatInvocation" + }, + { + "$ref": "#/components/schemas/RandomIntInvocation" + }, + { + "$ref": "#/components/schemas/RandomRangeInvocation" + }, + { + "$ref": "#/components/schemas/RangeInvocation" + }, + { + "$ref": "#/components/schemas/RangeOfSizeInvocation" + }, + { + "$ref": "#/components/schemas/RectangleMaskInvocation" + }, + { + "$ref": "#/components/schemas/ResizeLatentsInvocation" + }, + { + "$ref": "#/components/schemas/RoundInvocation" + }, + { + "$ref": "#/components/schemas/SD3DenoiseInvocation" + }, + { + "$ref": "#/components/schemas/SD3ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/SD3LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/SDXLCompelPromptInvocation" + }, + { + "$ref": "#/components/schemas/SDXLLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/SDXLLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/SDXLModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/SDXLRefinerCompelPromptInvocation" + }, + { + "$ref": "#/components/schemas/SDXLRefinerModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/SaveImageInvocation" + }, + { + "$ref": "#/components/schemas/ScaleLatentsInvocation" + }, + { + "$ref": "#/components/schemas/SchedulerInvocation" + }, + { + "$ref": "#/components/schemas/Sd3ModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/Sd3TextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/SeamlessModeInvocation" + }, + { + "$ref": "#/components/schemas/SegmentAnythingInvocation" + }, + { + "$ref": "#/components/schemas/ShowImageInvocation" + }, + { + "$ref": "#/components/schemas/SpandrelImageToImageAutoscaleInvocation" + }, + { + "$ref": "#/components/schemas/SpandrelImageToImageInvocation" + }, + { + "$ref": "#/components/schemas/StringBatchInvocation" + }, + { + "$ref": "#/components/schemas/StringCollectionInvocation" + }, + { + "$ref": "#/components/schemas/StringGenerator" + }, + { + "$ref": "#/components/schemas/StringInvocation" + }, + { + "$ref": "#/components/schemas/StringJoinInvocation" + }, + { + "$ref": "#/components/schemas/StringJoinThreeInvocation" + }, + { + "$ref": "#/components/schemas/StringReplaceInvocation" + }, + { + "$ref": "#/components/schemas/StringSplitInvocation" + }, + { + "$ref": "#/components/schemas/StringSplitNegInvocation" + }, + { + "$ref": "#/components/schemas/SubtractInvocation" + }, + { + "$ref": "#/components/schemas/T2IAdapterInvocation" + }, + { + "$ref": "#/components/schemas/TileToPropertiesInvocation" + }, + { + "$ref": "#/components/schemas/TiledMultiDiffusionDenoiseLatents" + }, + { + "$ref": "#/components/schemas/UnsharpMaskInvocation" + }, + { + "$ref": "#/components/schemas/VAELoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageDenoiseInvocation" + }, + { + "$ref": "#/components/schemas/ZImageImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/ZImageLatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/ZImageLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/ZImageLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageTextEncoderInvocation" + } ] }, "type": "object", @@ -15069,7 +21644,9 @@ "description": "The nodes in this graph" }, "edges": { - "items": { "$ref": "#/components/schemas/Edge" }, + "items": { + "$ref": "#/components/schemas/Edge" + }, "type": "array", "title": "Edges", "description": "The connections between nodes and their fields in this graph" @@ -15080,21 +21657,32 @@ }, "GraphExecutionState": { "properties": { - "id": { "type": "string", "title": "Id", "description": "The id of the execution state" }, - "graph": { "$ref": "#/components/schemas/Graph", "description": "The graph being executed" }, + "id": { + "type": "string", + "title": "Id", + "description": "The id of the execution state" + }, + "graph": { + "$ref": "#/components/schemas/Graph", + "description": "The graph being executed" + }, "execution_graph": { "$ref": "#/components/schemas/Graph", "description": "The expanded graph of activated and executed nodes" }, "executed": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "uniqueItems": true, "title": "Executed", "description": "The set of node ids that have been executed" }, "executed_history": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Executed History", "description": "The list of node ids that have been executed, in order of execution" @@ -15102,84 +21690,240 @@ "results": { "additionalProperties": { "oneOf": [ - { "$ref": "#/components/schemas/BooleanCollectionOutput" }, - { "$ref": "#/components/schemas/BooleanOutput" }, - { "$ref": "#/components/schemas/BoundingBoxCollectionOutput" }, - { "$ref": "#/components/schemas/BoundingBoxOutput" }, - { "$ref": "#/components/schemas/CLIPOutput" }, - { "$ref": "#/components/schemas/CLIPSkipInvocationOutput" }, - { "$ref": "#/components/schemas/CalculateImageTilesOutput" }, - { "$ref": "#/components/schemas/CogView4ConditioningOutput" }, - { "$ref": "#/components/schemas/CogView4ModelLoaderOutput" }, - { "$ref": "#/components/schemas/CollectInvocationOutput" }, - { "$ref": "#/components/schemas/ColorCollectionOutput" }, - { "$ref": "#/components/schemas/ColorOutput" }, - { "$ref": "#/components/schemas/ConditioningCollectionOutput" }, - { "$ref": "#/components/schemas/ConditioningOutput" }, - { "$ref": "#/components/schemas/ControlOutput" }, - { "$ref": "#/components/schemas/DenoiseMaskOutput" }, - { "$ref": "#/components/schemas/FaceMaskOutput" }, - { "$ref": "#/components/schemas/FaceOffOutput" }, - { "$ref": "#/components/schemas/FloatCollectionOutput" }, - { "$ref": "#/components/schemas/FloatGeneratorOutput" }, - { "$ref": "#/components/schemas/FloatOutput" }, - { "$ref": "#/components/schemas/FluxConditioningCollectionOutput" }, - { "$ref": "#/components/schemas/FluxConditioningOutput" }, - { "$ref": "#/components/schemas/FluxControlLoRALoaderOutput" }, - { "$ref": "#/components/schemas/FluxControlNetOutput" }, - { "$ref": "#/components/schemas/FluxFillOutput" }, - { "$ref": "#/components/schemas/FluxKontextOutput" }, - { "$ref": "#/components/schemas/FluxLoRALoaderOutput" }, - { "$ref": "#/components/schemas/FluxModelLoaderOutput" }, - { "$ref": "#/components/schemas/FluxReduxOutput" }, - { "$ref": "#/components/schemas/GradientMaskOutput" }, - { "$ref": "#/components/schemas/IPAdapterOutput" }, - { "$ref": "#/components/schemas/IdealSizeOutput" }, - { "$ref": "#/components/schemas/ImageCollectionOutput" }, - { "$ref": "#/components/schemas/ImageGeneratorOutput" }, - { "$ref": "#/components/schemas/ImageOutput" }, - { "$ref": "#/components/schemas/ImagePanelCoordinateOutput" }, - { "$ref": "#/components/schemas/IntegerCollectionOutput" }, - { "$ref": "#/components/schemas/IntegerGeneratorOutput" }, - { "$ref": "#/components/schemas/IntegerOutput" }, - { "$ref": "#/components/schemas/IterateInvocationOutput" }, - { "$ref": "#/components/schemas/LatentsCollectionOutput" }, - { "$ref": "#/components/schemas/LatentsMetaOutput" }, - { "$ref": "#/components/schemas/LatentsOutput" }, - { "$ref": "#/components/schemas/LoRALoaderOutput" }, - { "$ref": "#/components/schemas/LoRASelectorOutput" }, - { "$ref": "#/components/schemas/MDControlListOutput" }, - { "$ref": "#/components/schemas/MDIPAdapterListOutput" }, - { "$ref": "#/components/schemas/MDT2IAdapterListOutput" }, - { "$ref": "#/components/schemas/MaskOutput" }, - { "$ref": "#/components/schemas/MetadataItemOutput" }, - { "$ref": "#/components/schemas/MetadataOutput" }, - { "$ref": "#/components/schemas/MetadataToLorasCollectionOutput" }, - { "$ref": "#/components/schemas/MetadataToModelOutput" }, - { "$ref": "#/components/schemas/MetadataToSDXLModelOutput" }, - { "$ref": "#/components/schemas/ModelIdentifierOutput" }, - { "$ref": "#/components/schemas/ModelLoaderOutput" }, - { "$ref": "#/components/schemas/NoiseOutput" }, - { "$ref": "#/components/schemas/PairTileImageOutput" }, - { "$ref": "#/components/schemas/SD3ConditioningOutput" }, - { "$ref": "#/components/schemas/SDXLLoRALoaderOutput" }, - { "$ref": "#/components/schemas/SDXLModelLoaderOutput" }, - { "$ref": "#/components/schemas/SDXLRefinerModelLoaderOutput" }, - { "$ref": "#/components/schemas/SchedulerOutput" }, - { "$ref": "#/components/schemas/Sd3ModelLoaderOutput" }, - { "$ref": "#/components/schemas/SeamlessModeOutput" }, - { "$ref": "#/components/schemas/String2Output" }, - { "$ref": "#/components/schemas/StringCollectionOutput" }, - { "$ref": "#/components/schemas/StringGeneratorOutput" }, - { "$ref": "#/components/schemas/StringOutput" }, - { "$ref": "#/components/schemas/StringPosNegOutput" }, - { "$ref": "#/components/schemas/T2IAdapterOutput" }, - { "$ref": "#/components/schemas/TileToPropertiesOutput" }, - { "$ref": "#/components/schemas/UNetOutput" }, - { "$ref": "#/components/schemas/VAEOutput" }, - { "$ref": "#/components/schemas/ZImageConditioningOutput" }, - { "$ref": "#/components/schemas/ZImageLoRALoaderOutput" }, - { "$ref": "#/components/schemas/ZImageModelLoaderOutput" } + { + "$ref": "#/components/schemas/BooleanCollectionOutput" + }, + { + "$ref": "#/components/schemas/BooleanOutput" + }, + { + "$ref": "#/components/schemas/BoundingBoxCollectionOutput" + }, + { + "$ref": "#/components/schemas/BoundingBoxOutput" + }, + { + "$ref": "#/components/schemas/CLIPOutput" + }, + { + "$ref": "#/components/schemas/CLIPSkipInvocationOutput" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesOutput" + }, + { + "$ref": "#/components/schemas/CogView4ConditioningOutput" + }, + { + "$ref": "#/components/schemas/CogView4ModelLoaderOutput" + }, + { + "$ref": "#/components/schemas/CollectInvocationOutput" + }, + { + "$ref": "#/components/schemas/ColorCollectionOutput" + }, + { + "$ref": "#/components/schemas/ColorOutput" + }, + { + "$ref": "#/components/schemas/ConditioningCollectionOutput" + }, + { + "$ref": "#/components/schemas/ConditioningOutput" + }, + { + "$ref": "#/components/schemas/ControlOutput" + }, + { + "$ref": "#/components/schemas/DenoiseMaskOutput" + }, + { + "$ref": "#/components/schemas/FaceMaskOutput" + }, + { + "$ref": "#/components/schemas/FaceOffOutput" + }, + { + "$ref": "#/components/schemas/FloatCollectionOutput" + }, + { + "$ref": "#/components/schemas/FloatGeneratorOutput" + }, + { + "$ref": "#/components/schemas/FloatOutput" + }, + { + "$ref": "#/components/schemas/FluxConditioningCollectionOutput" + }, + { + "$ref": "#/components/schemas/FluxConditioningOutput" + }, + { + "$ref": "#/components/schemas/FluxControlLoRALoaderOutput" + }, + { + "$ref": "#/components/schemas/FluxControlNetOutput" + }, + { + "$ref": "#/components/schemas/FluxFillOutput" + }, + { + "$ref": "#/components/schemas/FluxKontextOutput" + }, + { + "$ref": "#/components/schemas/FluxLoRALoaderOutput" + }, + { + "$ref": "#/components/schemas/FluxModelLoaderOutput" + }, + { + "$ref": "#/components/schemas/FluxReduxOutput" + }, + { + "$ref": "#/components/schemas/GradientMaskOutput" + }, + { + "$ref": "#/components/schemas/IPAdapterOutput" + }, + { + "$ref": "#/components/schemas/IdealSizeOutput" + }, + { + "$ref": "#/components/schemas/ImageCollectionOutput" + }, + { + "$ref": "#/components/schemas/ImageGeneratorOutput" + }, + { + "$ref": "#/components/schemas/ImageOutput" + }, + { + "$ref": "#/components/schemas/ImagePanelCoordinateOutput" + }, + { + "$ref": "#/components/schemas/IntegerCollectionOutput" + }, + { + "$ref": "#/components/schemas/IntegerGeneratorOutput" + }, + { + "$ref": "#/components/schemas/IntegerOutput" + }, + { + "$ref": "#/components/schemas/IterateInvocationOutput" + }, + { + "$ref": "#/components/schemas/LatentsCollectionOutput" + }, + { + "$ref": "#/components/schemas/LatentsMetaOutput" + }, + { + "$ref": "#/components/schemas/LatentsOutput" + }, + { + "$ref": "#/components/schemas/LoRALoaderOutput" + }, + { + "$ref": "#/components/schemas/LoRASelectorOutput" + }, + { + "$ref": "#/components/schemas/MDControlListOutput" + }, + { + "$ref": "#/components/schemas/MDIPAdapterListOutput" + }, + { + "$ref": "#/components/schemas/MDT2IAdapterListOutput" + }, + { + "$ref": "#/components/schemas/MaskOutput" + }, + { + "$ref": "#/components/schemas/MetadataItemOutput" + }, + { + "$ref": "#/components/schemas/MetadataOutput" + }, + { + "$ref": "#/components/schemas/MetadataToLorasCollectionOutput" + }, + { + "$ref": "#/components/schemas/MetadataToModelOutput" + }, + { + "$ref": "#/components/schemas/MetadataToSDXLModelOutput" + }, + { + "$ref": "#/components/schemas/ModelIdentifierOutput" + }, + { + "$ref": "#/components/schemas/ModelLoaderOutput" + }, + { + "$ref": "#/components/schemas/NoiseOutput" + }, + { + "$ref": "#/components/schemas/PairTileImageOutput" + }, + { + "$ref": "#/components/schemas/SD3ConditioningOutput" + }, + { + "$ref": "#/components/schemas/SDXLLoRALoaderOutput" + }, + { + "$ref": "#/components/schemas/SDXLModelLoaderOutput" + }, + { + "$ref": "#/components/schemas/SDXLRefinerModelLoaderOutput" + }, + { + "$ref": "#/components/schemas/SchedulerOutput" + }, + { + "$ref": "#/components/schemas/Sd3ModelLoaderOutput" + }, + { + "$ref": "#/components/schemas/SeamlessModeOutput" + }, + { + "$ref": "#/components/schemas/String2Output" + }, + { + "$ref": "#/components/schemas/StringCollectionOutput" + }, + { + "$ref": "#/components/schemas/StringGeneratorOutput" + }, + { + "$ref": "#/components/schemas/StringOutput" + }, + { + "$ref": "#/components/schemas/StringPosNegOutput" + }, + { + "$ref": "#/components/schemas/T2IAdapterOutput" + }, + { + "$ref": "#/components/schemas/TileToPropertiesOutput" + }, + { + "$ref": "#/components/schemas/UNetOutput" + }, + { + "$ref": "#/components/schemas/VAEOutput" + }, + { + "$ref": "#/components/schemas/ZImageConditioningOutput" + }, + { + "$ref": "#/components/schemas/ZImageLoRALoaderOutput" + }, + { + "$ref": "#/components/schemas/ZImageModelLoaderOutput" + } ] }, "type": "object", @@ -15187,26 +21931,44 @@ "description": "The results of node executions" }, "errors": { - "additionalProperties": { "type": "string" }, + "additionalProperties": { + "type": "string" + }, "type": "object", "title": "Errors", "description": "Errors raised when executing nodes" }, "prepared_source_mapping": { - "additionalProperties": { "type": "string" }, + "additionalProperties": { + "type": "string" + }, "type": "object", "title": "Prepared Source Mapping", "description": "The map of prepared nodes to original graph nodes" }, "source_prepared_mapping": { - "additionalProperties": { "items": { "type": "string" }, "type": "array", "uniqueItems": true }, + "additionalProperties": { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, "type": "object", "title": "Source Prepared Mapping", "description": "The map of original graph nodes to prepared nodes" }, - "ready_order": { "items": { "type": "string" }, "type": "array", "title": "Ready Order" }, + "ready_order": { + "items": { + "type": "string" + }, + "type": "array", + "title": "Ready Order" + }, "indegree": { - "additionalProperties": { "type": "integer" }, + "additionalProperties": { + "type": "integer" + }, "type": "object", "title": "Indegree", "description": "Remaining unmet input count for exec nodes" @@ -15259,7 +22021,15 @@ "type": "boolean" }, "model": { - "anyOf": [{ "enum": ["grounding-dino-tiny", "grounding-dino-base"], "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "enum": ["grounding-dino-tiny", "grounding-dino-base"], + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The Grounding DINO model to use.", "field_kind": "input", @@ -15268,7 +22038,14 @@ "title": "Model" }, "prompt": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The prompt describing the object to segment.", "field_kind": "input", @@ -15277,7 +22054,14 @@ "title": "Prompt" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to segment.", "field_kind": "input", @@ -15309,7 +22093,9 @@ "title": "Grounding DINO (Text Prompt Object Detection)", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/BoundingBoxCollectionOutput" } + "output": { + "$ref": "#/components/schemas/BoundingBoxCollectionOutput" + } }, "HEDEdgeDetectionInvocation": { "category": "controlnet", @@ -15319,7 +22105,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -15328,7 +22121,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -15361,7 +22161,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -15391,28 +22198,76 @@ "title": "HED Edge Detection", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "HFModelSource": { "properties": { - "repo_id": { "type": "string", "title": "Repo Id" }, + "repo_id": { + "type": "string", + "title": "Repo Id" + }, "variant": { - "anyOf": [{ "$ref": "#/components/schemas/ModelRepoVariant" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelRepoVariant" + }, + { + "type": "null" + } + ], "default": "fp16" }, - "subfolder": { "anyOf": [{ "type": "string", "format": "path" }, { "type": "null" }], "title": "Subfolder" }, - "access_token": { "anyOf": [{ "type": "string" }, { "type": "null" }], "title": "Access Token" }, - "type": { "type": "string", "const": "hf", "title": "Type", "default": "hf" } + "subfolder": { + "anyOf": [ + { + "type": "string", + "format": "path" + }, + { + "type": "null" + } + ], + "title": "Subfolder" + }, + "access_token": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "title": "Access Token" + }, + "type": { + "type": "string", + "const": "hf", + "title": "Type", + "default": "hf" + } }, "type": "object", "required": ["repo_id"], "title": "HFModelSource", "description": "A HuggingFace repo_id with optional variant, sub-folder and access token.\nNote that the variant option, if not provided to the constructor, will default to fp16, which is\nwhat people (almost) always want." }, - "HFTokenStatus": { "type": "string", "enum": ["valid", "invalid", "unknown"], "title": "HFTokenStatus" }, + "HFTokenStatus": { + "type": "string", + "enum": ["valid", "invalid", "unknown"], + "title": "HFTokenStatus" + }, "HTTPValidationError": { "properties": { - "detail": { "items": { "$ref": "#/components/schemas/ValidationError" }, "type": "array", "title": "Detail" } + "detail": { + "items": { + "$ref": "#/components/schemas/ValidationError" + }, + "type": "array", + "title": "Detail" + } }, "type": "object", "title": "HTTPValidationError" @@ -15449,7 +22304,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to resize", "field_kind": "input", @@ -15491,21 +22353,45 @@ "title": "Heuristic Resize", "type": "object", "version": "1.1.1", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "HuggingFaceMetadata": { "properties": { - "name": { "type": "string", "title": "Name", "description": "model's name" }, + "name": { + "type": "string", + "title": "Name", + "description": "model's name" + }, "files": { - "items": { "$ref": "#/components/schemas/RemoteModelFile" }, + "items": { + "$ref": "#/components/schemas/RemoteModelFile" + }, "type": "array", "title": "Files", "description": "model files and their sizes" }, - "type": { "type": "string", "const": "huggingface", "title": "Type", "default": "huggingface" }, - "id": { "type": "string", "title": "Id", "description": "The HF model id" }, + "type": { + "type": "string", + "const": "huggingface", + "title": "Type", + "default": "huggingface" + }, + "id": { + "type": "string", + "title": "Id", + "description": "The HF model id" + }, "api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Api Response", "description": "Response from the HF API as stringified JSON" }, @@ -15517,8 +22403,17 @@ }, "ckpt_urls": { "anyOf": [ - { "items": { "type": "string", "minLength": 1, "format": "uri" }, "type": "array" }, - { "type": "null" } + { + "items": { + "type": "string", + "minLength": 1, + "format": "uri" + }, + "type": "array" + }, + { + "type": "null" + } ], "title": "Ckpt Urls", "description": "URLs for all checkpoint format models in the metadata" @@ -15533,8 +22428,17 @@ "properties": { "urls": { "anyOf": [ - { "items": { "type": "string", "minLength": 1, "format": "uri" }, "type": "array" }, - { "type": "null" } + { + "items": { + "type": "string", + "minLength": 1, + "format": "uri" + }, + "type": "array" + }, + { + "type": "null" + } ], "title": "Urls", "description": "URLs for all checkpoint format models in the metadata" @@ -15553,8 +22457,15 @@ "properties": { "image": { "anyOf": [ - { "$ref": "#/components/schemas/ImageField" }, - { "items": { "$ref": "#/components/schemas/ImageField" }, "type": "array" } + { + "$ref": "#/components/schemas/ImageField" + }, + { + "items": { + "$ref": "#/components/schemas/ImageField" + }, + "type": "array" + } ], "description": "The IP-Adapter image prompt(s).", "title": "Image" @@ -15568,7 +22479,17 @@ "description": "The name of the CLIP image encoder model." }, "weight": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 1, "description": "The weight given to the IP-Adapter.", "title": "Weight" @@ -15576,12 +22497,19 @@ "target_blocks": { "default": [], "description": "The IP Adapter blocks to apply", - "items": { "type": "string" }, + "items": { + "type": "string" + }, "title": "Target Blocks", "type": "array" }, - "method": { "default": "full", "description": "Weight apply method", "title": "Method", "type": "string" }, - "begin_step_percent": { + "method": { + "default": "full", + "description": "Weight apply method", + "title": "Method", + "type": "string" + }, + "begin_step_percent": { "default": 0, "description": "When the IP-Adapter is first applied (% of total steps)", "maximum": 1, @@ -15598,7 +22526,14 @@ "type": "number" }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/TensorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], "default": null, "description": "The bool mask associated with this IP-Adapter. Excluded regions should be set to False, included regions should be set to True." } @@ -15640,9 +22575,18 @@ }, "image": { "anyOf": [ - { "$ref": "#/components/schemas/ImageField" }, - { "items": { "$ref": "#/components/schemas/ImageField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/ImageField" + }, + { + "items": { + "$ref": "#/components/schemas/ImageField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "The IP-Adapter image prompt(s).", @@ -15653,7 +22597,14 @@ "ui_order": 1 }, "ip_adapter_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "The IP-Adapter model.", "field_kind": "input", @@ -15677,7 +22628,17 @@ "ui_order": 2 }, "weight": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 1, "description": "The weight given to the IP-Adapter", "field_kind": "input", @@ -15722,7 +22683,14 @@ "type": "number" }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/TensorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], "default": null, "description": "A mask defining the region that this IP-Adapter applies to.", "field_kind": "input", @@ -15743,12 +22711,17 @@ "title": "IP-Adapter - SD1.5, SDXL", "type": "object", "version": "1.5.1", - "output": { "$ref": "#/components/schemas/IPAdapterOutput" } + "output": { + "$ref": "#/components/schemas/IPAdapterOutput" + } }, "IPAdapterMetadataField": { "description": "IP Adapter Field, minus the CLIP Vision Encoder model", "properties": { - "image": { "$ref": "#/components/schemas/ImageField", "description": "The IP-Adapter image prompt." }, + "image": { + "$ref": "#/components/schemas/ImageField", + "description": "The IP-Adapter image prompt." + }, "ip_adapter_model": { "$ref": "#/components/schemas/ModelIdentifierField", "description": "The IP-Adapter model." @@ -15766,7 +22739,17 @@ "type": "string" }, "weight": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "description": "The weight given to the IP-Adapter", "title": "Weight" }, @@ -15817,17 +22800,40 @@ }, "IPAdapter_Checkpoint_FLUX_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -15836,20 +22842,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "ip_adapter", "title": "Type", "default": "ip_adapter" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "base": { "type": "string", "const": "flux", "title": "Base", "default": "flux" } + "type": { + "type": "string", + "const": "ip_adapter", + "title": "Type", + "default": "ip_adapter" + }, + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "base": { + "type": "string", + "const": "flux", + "title": "Base", + "default": "flux" + } }, "type": "object", "required": [ @@ -15871,17 +22909,40 @@ }, "IPAdapter_Checkpoint_SD1_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -15890,20 +22951,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "ip_adapter", "title": "Type", "default": "ip_adapter" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "base": { "type": "string", "const": "sd-1", "title": "Base", "default": "sd-1" } + "type": { + "type": "string", + "const": "ip_adapter", + "title": "Type", + "default": "ip_adapter" + }, + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "base": { + "type": "string", + "const": "sd-1", + "title": "Base", + "default": "sd-1" + } }, "type": "object", "required": [ @@ -15925,17 +23018,40 @@ }, "IPAdapter_Checkpoint_SD2_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -15944,20 +23060,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "ip_adapter", "title": "Type", "default": "ip_adapter" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "base": { "type": "string", "const": "sd-2", "title": "Base", "default": "sd-2" } + "type": { + "type": "string", + "const": "ip_adapter", + "title": "Type", + "default": "ip_adapter" + }, + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "base": { + "type": "string", + "const": "sd-2", + "title": "Base", + "default": "sd-2" + } }, "type": "object", "required": [ @@ -15979,17 +23127,40 @@ }, "IPAdapter_Checkpoint_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -15998,20 +23169,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "ip_adapter", "title": "Type", "default": "ip_adapter" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "type": { + "type": "string", + "const": "ip_adapter", + "title": "Type", + "default": "ip_adapter" + }, + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -16033,17 +23236,40 @@ }, "IPAdapter_InvokeAI_SD1_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -16052,21 +23278,56 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "ip_adapter", "title": "Type", "default": "ip_adapter" }, - "format": { "type": "string", "const": "invokeai", "title": "Format", "default": "invokeai" }, - "image_encoder_model_id": { "type": "string", "title": "Image Encoder Model Id" }, - "base": { "type": "string", "const": "sd-1", "title": "Base", "default": "sd-1" } + "type": { + "type": "string", + "const": "ip_adapter", + "title": "Type", + "default": "ip_adapter" + }, + "format": { + "type": "string", + "const": "invokeai", + "title": "Format", + "default": "invokeai" + }, + "image_encoder_model_id": { + "type": "string", + "title": "Image Encoder Model Id" + }, + "base": { + "type": "string", + "const": "sd-1", + "title": "Base", + "default": "sd-1" + } }, "type": "object", "required": [ @@ -16089,17 +23350,40 @@ }, "IPAdapter_InvokeAI_SD2_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -16108,21 +23392,56 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "ip_adapter", "title": "Type", "default": "ip_adapter" }, - "format": { "type": "string", "const": "invokeai", "title": "Format", "default": "invokeai" }, - "image_encoder_model_id": { "type": "string", "title": "Image Encoder Model Id" }, - "base": { "type": "string", "const": "sd-2", "title": "Base", "default": "sd-2" } + "type": { + "type": "string", + "const": "ip_adapter", + "title": "Type", + "default": "ip_adapter" + }, + "format": { + "type": "string", + "const": "invokeai", + "title": "Format", + "default": "invokeai" + }, + "image_encoder_model_id": { + "type": "string", + "title": "Image Encoder Model Id" + }, + "base": { + "type": "string", + "const": "sd-2", + "title": "Base", + "default": "sd-2" + } }, "type": "object", "required": [ @@ -16145,17 +23464,40 @@ }, "IPAdapter_InvokeAI_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -16164,21 +23506,56 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "ip_adapter", "title": "Type", "default": "ip_adapter" }, - "format": { "type": "string", "const": "invokeai", "title": "Format", "default": "invokeai" }, - "image_encoder_model_id": { "type": "string", "title": "Image Encoder Model Id" }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "type": { + "type": "string", + "const": "ip_adapter", + "title": "Type", + "default": "ip_adapter" + }, + "format": { + "type": "string", + "const": "invokeai", + "title": "Format", + "default": "invokeai" + }, + "image_encoder_model_id": { + "type": "string", + "title": "Image Encoder Model Id" + }, + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -16250,7 +23627,14 @@ "type": "integer" }, "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "input", @@ -16280,7 +23664,9 @@ "title": "Ideal Size - SD1.5, SDXL", "type": "object", "version": "1.0.6", - "output": { "$ref": "#/components/schemas/IdealSizeOutput" } + "output": { + "$ref": "#/components/schemas/IdealSizeOutput" + } }, "IdealSizeOutput": { "class": "output", @@ -16356,8 +23742,16 @@ }, "images": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/ImageField" }, "minItems": 1, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/ImageField" + }, + "minItems": 1, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "The images to batch over", @@ -16379,7 +23773,9 @@ "title": "Image Batch", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageBlurInvocation": { "category": "image", @@ -16389,7 +23785,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -16398,7 +23801,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -16431,7 +23841,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to blur", "field_kind": "input", @@ -16473,7 +23890,9 @@ "title": "Blur Image", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageCategory": { "type": "string", @@ -16489,7 +23908,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -16498,7 +23924,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -16531,7 +23964,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to get the channel from", "field_kind": "input", @@ -16562,7 +24002,9 @@ "title": "Extract Image Channel", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageChannelMultiplyInvocation": { "category": "image", @@ -16572,7 +24014,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -16581,7 +24030,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -16614,7 +24070,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to adjust", "field_kind": "input", @@ -16645,7 +24108,9 @@ ], "type": "string" }, - { "type": "null" } + { + "type": "null" + } ], "default": null, "description": "Which channel to adjust", @@ -16705,7 +24170,9 @@ "title": "Multiply Image Channel", "type": "object", "version": "1.2.3", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageChannelOffsetInvocation": { "category": "image", @@ -16715,7 +24182,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -16724,7 +24198,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -16757,7 +24238,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to adjust", "field_kind": "input", @@ -16788,7 +24276,9 @@ ], "type": "string" }, - { "type": "null" } + { + "type": "null" + } ], "default": null, "description": "Which channel to adjust", @@ -16837,7 +24327,9 @@ "title": "Offset Image Channel", "type": "object", "version": "1.2.3", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageCollectionInvocation": { "category": "primitives", @@ -16871,7 +24363,17 @@ "type": "boolean" }, "collection": { - "anyOf": [{ "items": { "$ref": "#/components/schemas/ImageField" }, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "$ref": "#/components/schemas/ImageField" + }, + "type": "array" + }, + { + "type": "null" + } + ], "default": null, "description": "The collection of image values", "field_kind": "input", @@ -16892,7 +24394,9 @@ "title": "Image Collection Primitive", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/ImageCollectionOutput" } + "output": { + "$ref": "#/components/schemas/ImageCollectionOutput" + } }, "ImageCollectionOutput": { "class": "output", @@ -16901,7 +24405,9 @@ "collection": { "description": "The output images", "field_kind": "output", - "items": { "$ref": "#/components/schemas/ImageField" }, + "items": { + "$ref": "#/components/schemas/ImageField" + }, "title": "Collection", "type": "array", "ui_hidden": false @@ -16926,7 +24432,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -16935,7 +24448,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -16968,7 +24488,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to convert", "field_kind": "input", @@ -16999,7 +24526,9 @@ "title": "Convert Image Mode", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageCropInvocation": { "category": "image", @@ -17009,7 +24538,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -17018,7 +24554,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -17051,7 +24594,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to crop", "field_kind": "input", @@ -17113,36 +24663,84 @@ "title": "Crop Image", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageDTO": { "properties": { - "image_name": { "type": "string", "title": "Image Name", "description": "The unique name of the image." }, - "image_url": { "type": "string", "title": "Image Url", "description": "The URL of the image." }, + "image_name": { + "type": "string", + "title": "Image Name", + "description": "The unique name of the image." + }, + "image_url": { + "type": "string", + "title": "Image Url", + "description": "The URL of the image." + }, "thumbnail_url": { "type": "string", "title": "Thumbnail Url", "description": "The URL of the image's thumbnail." }, - "image_origin": { "$ref": "#/components/schemas/ResourceOrigin", "description": "The type of the image." }, + "image_origin": { + "$ref": "#/components/schemas/ResourceOrigin", + "description": "The type of the image." + }, "image_category": { "$ref": "#/components/schemas/ImageCategory", "description": "The category of the image." }, - "width": { "type": "integer", "title": "Width", "description": "The width of the image in px." }, - "height": { "type": "integer", "title": "Height", "description": "The height of the image in px." }, + "width": { + "type": "integer", + "title": "Width", + "description": "The width of the image in px." + }, + "height": { + "type": "integer", + "title": "Height", + "description": "The height of the image in px." + }, "created_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + } + ], "title": "Created At", "description": "The created timestamp of the image." }, "updated_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + } + ], "title": "Updated At", "description": "The updated timestamp of the image." }, "deleted_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Deleted At", "description": "The deleted timestamp of the image." }, @@ -17152,23 +24750,48 @@ "description": "Whether this is an intermediate image." }, "session_id": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Session Id", "description": "The session ID that generated this image, if it is a generated image." }, "node_id": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Node Id", "description": "The node ID that generated this image, if it is a generated image." }, - "starred": { "type": "boolean", "title": "Starred", "description": "Whether this image is starred." }, + "starred": { + "type": "boolean", + "title": "Starred", + "description": "Whether this image is starred." + }, "has_workflow": { "type": "boolean", "title": "Has Workflow", "description": "Whether this image has a workflow." }, "board_id": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Board Id", "description": "The id of the board the image belongs to, if one exists." } @@ -17193,7 +24816,11 @@ }, "ImageField": { "properties": { - "image_name": { "type": "string", "title": "Image Name", "description": "The name of the image" } + "image_name": { + "type": "string", + "title": "Image Name", + "description": "The name of the image" + } }, "type": "object", "required": ["image_name"], @@ -17252,9 +24879,15 @@ "title": "Image Generator", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageGeneratorOutput" } + "output": { + "$ref": "#/components/schemas/ImageGeneratorOutput" + } + }, + "ImageGeneratorField": { + "properties": {}, + "title": "ImageGeneratorField", + "type": "object" }, - "ImageGeneratorField": { "properties": {}, "title": "ImageGeneratorField", "type": "object" }, "ImageGeneratorOutput": { "class": "output", "description": "Base class for nodes that output a collection of boards", @@ -17262,7 +24895,9 @@ "images": { "description": "The generated images", "field_kind": "output", - "items": { "$ref": "#/components/schemas/ImageField" }, + "items": { + "$ref": "#/components/schemas/ImageField" + }, "title": "Images", "type": "array", "ui_hidden": false @@ -17287,7 +24922,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -17296,7 +24938,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -17329,7 +24978,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to adjust", "field_kind": "input", @@ -17359,7 +25015,9 @@ "title": "Adjust Image Hue", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageInverseLerpInvocation": { "category": "image", @@ -17369,7 +25027,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -17378,7 +25043,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -17411,7 +25083,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to lerp", "field_kind": "input", @@ -17455,7 +25134,9 @@ "title": "Inverse Lerp Image", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageInvocation": { "category": "primitives", @@ -17489,7 +25170,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to load", "field_kind": "input", @@ -17509,7 +25197,9 @@ "title": "Image Primitive", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageLerpInvocation": { "category": "image", @@ -17519,7 +25209,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -17528,7 +25225,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -17561,7 +25265,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to lerp", "field_kind": "input", @@ -17605,7 +25316,9 @@ "title": "Lerp Image", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageMaskToTensorInvocation": { "category": "conditioning", @@ -17615,7 +25328,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -17648,7 +25368,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask image to convert.", "field_kind": "input", @@ -17690,7 +25417,9 @@ "title": "Image Mask to Tensor", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/MaskOutput" } + "output": { + "$ref": "#/components/schemas/MaskOutput" + } }, "ImageMultiplyInvocation": { "category": "image", @@ -17700,7 +25429,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -17709,7 +25445,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -17742,7 +25485,14 @@ "type": "boolean" }, "image1": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The first image to multiply", "field_kind": "input", @@ -17750,7 +25500,14 @@ "orig_required": true }, "image2": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The second image to multiply", "field_kind": "input", @@ -17770,7 +25527,9 @@ "title": "Multiply Images", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageNSFWBlurInvocation": { "category": "image", @@ -17780,7 +25539,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -17789,7 +25555,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -17822,7 +25595,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to check", "field_kind": "input", @@ -17842,12 +25622,16 @@ "title": "Blur NSFW Image", "type": "object", "version": "1.2.3", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageNamesResult": { "properties": { "image_names": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Image Names", "description": "Ordered list of image names" @@ -17876,7 +25660,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -17885,7 +25676,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -17918,7 +25716,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to add noise to", "field_kind": "input", @@ -17926,7 +25731,14 @@ "orig_required": true }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional mask determining where to apply noise (black=noise, white=no noise)", "field_kind": "input", @@ -18003,7 +25815,9 @@ "title": "Add Image Noise", "type": "object", "version": "1.1.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageOutput": { "class": "output", @@ -18116,7 +25930,14 @@ "type": "boolean" }, "width": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The width of the entire grid.", "field_kind": "input", @@ -18125,7 +25946,14 @@ "title": "Width" }, "height": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The height of the entire grid.", "field_kind": "input", @@ -18190,7 +26018,9 @@ "title": "Image Panel Layout", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImagePanelCoordinateOutput" } + "output": { + "$ref": "#/components/schemas/ImagePanelCoordinateOutput" + } }, "ImagePasteInvocation": { "category": "image", @@ -18200,7 +26030,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -18209,7 +26046,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -18242,7 +26086,14 @@ "type": "boolean" }, "base_image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The base image", "field_kind": "input", @@ -18250,7 +26101,14 @@ "orig_required": true }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to paste", "field_kind": "input", @@ -18258,7 +26116,14 @@ "orig_required": true }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask to use when pasting", "field_kind": "input", @@ -18309,26 +26174,56 @@ "title": "Paste Image", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageRecordChanges": { "properties": { "image_category": { - "anyOf": [{ "$ref": "#/components/schemas/ImageCategory" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageCategory" + }, + { + "type": "null" + } + ], "description": "The image's new category." }, "session_id": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Session Id", "description": "The image's new session ID." }, "is_intermediate": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "title": "Is Intermediate", "description": "The image's new `is_intermediate` flag." }, "starred": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "title": "Starred", "description": "The image's new `starred` state" } @@ -18346,7 +26241,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -18355,7 +26257,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -18388,7 +26297,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to resize", "field_kind": "input", @@ -18441,7 +26357,9 @@ "title": "Resize Image", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageScaleInvocation": { "category": "image", @@ -18451,7 +26369,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -18460,7 +26385,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -18493,7 +26425,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to scale", "field_kind": "input", @@ -18535,7 +26474,9 @@ "title": "Scale Image", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImageToLatentsInvocation": { "category": "latents", @@ -18569,7 +26510,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to encode", "field_kind": "input", @@ -18577,7 +26525,14 @@ "orig_required": true }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "input", @@ -18639,11 +26594,16 @@ "title": "Image to Latents - SD1.5, SDXL", "type": "object", "version": "1.2.0", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "ImageUploadEntry": { "properties": { - "image_dto": { "$ref": "#/components/schemas/ImageDTO", "description": "The image DTO" }, + "image_dto": { + "$ref": "#/components/schemas/ImageDTO", + "description": "The image DTO" + }, "presigned_url": { "type": "string", "title": "Presigned Url", @@ -18656,8 +26616,16 @@ }, "ImageUrlsDTO": { "properties": { - "image_name": { "type": "string", "title": "Image Name", "description": "The unique name of the image." }, - "image_url": { "type": "string", "title": "Image Url", "description": "The URL of the image." }, + "image_name": { + "type": "string", + "title": "Image Name", + "description": "The unique name of the image." + }, + "image_url": { + "type": "string", + "title": "Image Url", + "description": "The URL of the image." + }, "thumbnail_url": { "type": "string", "title": "Thumbnail Url", @@ -18677,7 +26645,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -18686,7 +26661,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -18719,7 +26701,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to check", "field_kind": "input", @@ -18749,17 +26738,33 @@ "title": "Add Invisible Watermark", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ImagesDownloaded": { "properties": { "response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Response", "description": "The message to display to the user when images begin downloading" }, "bulk_download_item_name": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Bulk Download Item Name", "description": "The name of the bulk download item for which events will be emitted" } @@ -18775,7 +26780,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -18784,7 +26796,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -18817,7 +26836,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -18826,11 +26852,21 @@ }, "color": { "$ref": "#/components/schemas/ColorField", - "default": { "r": 127, "g": 127, "b": 127, "a": 255 }, + "default": { + "r": 127, + "g": 127, + "b": 127, + "a": 255 + }, "description": "The color to use to infill", "field_kind": "input", "input": "any", - "orig_default": { "a": 255, "b": 127, "g": 127, "r": 127 }, + "orig_default": { + "a": 255, + "b": 127, + "g": 127, + "r": 127 + }, "orig_required": false }, "type": { @@ -18846,7 +26882,9 @@ "title": "Solid Color Infill", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "InfillPatchMatchInvocation": { "category": "inpaint", @@ -18856,7 +26894,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -18865,7 +26910,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -18898,7 +26950,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -18940,7 +26999,9 @@ "title": "PatchMatch Infill", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "InfillTileInvocation": { "category": "inpaint", @@ -18950,7 +27011,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -18959,7 +27027,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -18992,7 +27067,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -19035,7 +27117,9 @@ "title": "Tile Infill", "type": "object", "version": "1.2.3", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "Input": { "description": "The type of input a field accepts.\n- `Input.Direct`: The field must have its value provided directly, when the invocation and field are instantiated.\n- `Input.Connection`: The field must have its value provided by a connection.\n- `Input.Any`: The field may have its value provided either directly or by a connection.", @@ -19046,33 +27130,118 @@ "InputFieldJSONSchemaExtra": { "description": "Extra attributes to be added to input fields and their OpenAPI schema. Used during graph execution,\nand by the workflow editor during schema parsing and UI rendering.", "properties": { - "input": { "$ref": "#/components/schemas/Input" }, - "field_kind": { "$ref": "#/components/schemas/FieldKind" }, - "orig_required": { "default": true, "title": "Orig Required", "type": "boolean" }, - "default": { "anyOf": [{}, { "type": "null" }], "default": null, "title": "Default" }, - "orig_default": { "anyOf": [{}, { "type": "null" }], "default": null, "title": "Orig Default" }, - "ui_hidden": { "default": false, "title": "Ui Hidden", "type": "boolean" }, - "ui_type": { "anyOf": [{ "$ref": "#/components/schemas/UIType" }, { "type": "null" }], "default": null }, + "input": { + "$ref": "#/components/schemas/Input" + }, + "field_kind": { + "$ref": "#/components/schemas/FieldKind" + }, + "orig_required": { + "default": true, + "title": "Orig Required", + "type": "boolean" + }, + "default": { + "anyOf": [ + {}, + { + "type": "null" + } + ], + "default": null, + "title": "Default" + }, + "orig_default": { + "anyOf": [ + {}, + { + "type": "null" + } + ], + "default": null, + "title": "Orig Default" + }, + "ui_hidden": { + "default": false, + "title": "Ui Hidden", + "type": "boolean" + }, + "ui_type": { + "anyOf": [ + { + "$ref": "#/components/schemas/UIType" + }, + { + "type": "null" + } + ], + "default": null + }, "ui_component": { - "anyOf": [{ "$ref": "#/components/schemas/UIComponent" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UIComponent" + }, + { + "type": "null" + } + ], "default": null }, - "ui_order": { "anyOf": [{ "type": "integer" }, { "type": "null" }], "default": null, "title": "Ui Order" }, + "ui_order": { + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], + "default": null, + "title": "Ui Order" + }, "ui_choice_labels": { - "anyOf": [{ "additionalProperties": { "type": "string" }, "type": "object" }, { "type": "null" }], + "anyOf": [ + { + "additionalProperties": { + "type": "string" + }, + "type": "object" + }, + { + "type": "null" + } + ], "default": null, "title": "Ui Choice Labels" }, "ui_model_base": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/BaseModelType" }, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/BaseModelType" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "title": "Ui Model Base" }, "ui_model_type": { - "anyOf": [{ "items": { "$ref": "#/components/schemas/ModelType" }, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "$ref": "#/components/schemas/ModelType" + }, + "type": "array" + }, + { + "type": "null" + } + ], "default": null, "title": "Ui Model Type" }, @@ -19081,19 +27250,35 @@ { "items": { "anyOf": [ - { "$ref": "#/components/schemas/ClipVariantType" }, - { "$ref": "#/components/schemas/ModelVariantType" } + { + "$ref": "#/components/schemas/ClipVariantType" + }, + { + "$ref": "#/components/schemas/ModelVariantType" + } ] }, "type": "array" }, - { "type": "null" } + { + "type": "null" + } ], "default": null, "title": "Ui Model Variant" }, "ui_model_format": { - "anyOf": [{ "items": { "$ref": "#/components/schemas/ModelFormat" }, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "$ref": "#/components/schemas/ModelFormat" + }, + "type": "array" + }, + { + "type": "null" + } + ], "default": null, "title": "Ui Model Format" } @@ -19166,7 +27351,18 @@ "type": "string" }, "integers": { - "anyOf": [{ "items": { "type": "integer" }, "minItems": 1, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "integer" + }, + "minItems": 1, + "type": "array" + }, + { + "type": "null" + } + ], "default": null, "description": "The integers to batch over", "field_kind": "input", @@ -19187,7 +27383,9 @@ "title": "Integer Batch", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/IntegerOutput" } + "output": { + "$ref": "#/components/schemas/IntegerOutput" + } }, "IntegerCollectionInvocation": { "category": "primitives", @@ -19225,7 +27423,9 @@ "description": "The collection of integer values", "field_kind": "input", "input": "any", - "items": { "type": "integer" }, + "items": { + "type": "integer" + }, "orig_default": [], "orig_required": false, "title": "Collection", @@ -19244,7 +27444,9 @@ "title": "Integer Collection Primitive", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/IntegerCollectionOutput" } + "output": { + "$ref": "#/components/schemas/IntegerCollectionOutput" + } }, "IntegerCollectionOutput": { "class": "output", @@ -19253,7 +27455,9 @@ "collection": { "description": "The int collection", "field_kind": "output", - "items": { "type": "integer" }, + "items": { + "type": "integer" + }, "title": "Collection", "type": "array", "ui_hidden": false @@ -19322,16 +27526,24 @@ "title": "Integer Generator", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/IntegerGeneratorOutput" } + "output": { + "$ref": "#/components/schemas/IntegerGeneratorOutput" + } + }, + "IntegerGeneratorField": { + "properties": {}, + "title": "IntegerGeneratorField", + "type": "object" }, - "IntegerGeneratorField": { "properties": {}, "title": "IntegerGeneratorField", "type": "object" }, "IntegerGeneratorOutput": { "class": "output", "properties": { "integers": { "description": "The generated integers", "field_kind": "output", - "items": { "type": "integer" }, + "items": { + "type": "integer" + }, "title": "Integers", "type": "array", "ui_hidden": false @@ -19402,7 +27614,9 @@ "title": "Integer Primitive", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/IntegerOutput" } + "output": { + "$ref": "#/components/schemas/IntegerOutput" + } }, "IntegerMathInvocation": { "category": "math", @@ -19502,7 +27716,9 @@ "title": "Integer Math", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/IntegerOutput" } + "output": { + "$ref": "#/components/schemas/IntegerOutput" + } }, "IntegerOutput": { "class": "output", @@ -19559,7 +27775,14 @@ "type": "boolean" }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/TensorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], "default": null, "description": "The tensor mask to convert.", "field_kind": "input", @@ -19579,13 +27802,27 @@ "title": "Invert Tensor Mask", "type": "object", "version": "1.1.0", - "output": { "$ref": "#/components/schemas/MaskOutput" } + "output": { + "$ref": "#/components/schemas/MaskOutput" + } }, "InvocationCacheStatus": { "properties": { - "size": { "type": "integer", "title": "Size", "description": "The current size of the invocation cache" }, - "hits": { "type": "integer", "title": "Hits", "description": "The number of cache hits" }, - "misses": { "type": "integer", "title": "Misses", "description": "The number of cache misses" }, + "size": { + "type": "integer", + "title": "Size", + "description": "The current size of the invocation cache" + }, + "hits": { + "type": "integer", + "title": "Hits", + "description": "The number of cache hits" + }, + "misses": { + "type": "integer", + "title": "Misses", + "description": "The number of cache misses" + }, "enabled": { "type": "boolean", "title": "Enabled", @@ -19604,18 +27841,48 @@ "InvocationCompleteEvent": { "description": "Event model for invocation_complete", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "queue_id": { "description": "The ID of the queue", "title": "Queue Id", "type": "string" }, - "item_id": { "description": "The ID of the queue item", "title": "Item Id", "type": "integer" }, - "batch_id": { "description": "The ID of the queue batch", "title": "Batch Id", "type": "string" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "queue_id": { + "description": "The ID of the queue", + "title": "Queue Id", + "type": "string" + }, + "item_id": { + "description": "The ID of the queue item", + "title": "Item Id", + "type": "integer" + }, + "batch_id": { + "description": "The ID of the queue batch", + "title": "Batch Id", + "type": "string" + }, "origin": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The origin of the queue item", "title": "Origin" }, "destination": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The destination of the queue item", "title": "Destination" @@ -19628,224 +27895,660 @@ "invocation": { "description": "The ID of the invocation", "oneOf": [ - { "$ref": "#/components/schemas/AddInvocation" }, - { "$ref": "#/components/schemas/AlphaMaskToTensorInvocation" }, - { "$ref": "#/components/schemas/ApplyMaskTensorToImageInvocation" }, - { "$ref": "#/components/schemas/ApplyMaskToImageInvocation" }, - { "$ref": "#/components/schemas/BlankImageInvocation" }, - { "$ref": "#/components/schemas/BlendLatentsInvocation" }, - { "$ref": "#/components/schemas/BooleanCollectionInvocation" }, - { "$ref": "#/components/schemas/BooleanInvocation" }, - { "$ref": "#/components/schemas/BoundingBoxInvocation" }, - { "$ref": "#/components/schemas/CLIPSkipInvocation" }, - { "$ref": "#/components/schemas/CV2InfillInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesEvenSplitInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesMinimumOverlapInvocation" }, - { "$ref": "#/components/schemas/CannyEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/CanvasPasteBackInvocation" }, - { "$ref": "#/components/schemas/CanvasV2MaskAndCropInvocation" }, - { "$ref": "#/components/schemas/CenterPadCropInvocation" }, - { "$ref": "#/components/schemas/CogView4DenoiseInvocation" }, - { "$ref": "#/components/schemas/CogView4ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/CogView4LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/CogView4ModelLoaderInvocation" }, - { "$ref": "#/components/schemas/CogView4TextEncoderInvocation" }, - { "$ref": "#/components/schemas/CollectInvocation" }, - { "$ref": "#/components/schemas/ColorCorrectInvocation" }, - { "$ref": "#/components/schemas/ColorInvocation" }, - { "$ref": "#/components/schemas/ColorMapInvocation" }, - { "$ref": "#/components/schemas/CompelInvocation" }, - { "$ref": "#/components/schemas/ConditioningCollectionInvocation" }, - { "$ref": "#/components/schemas/ConditioningInvocation" }, - { "$ref": "#/components/schemas/ContentShuffleInvocation" }, - { "$ref": "#/components/schemas/ControlNetInvocation" }, - { "$ref": "#/components/schemas/CoreMetadataInvocation" }, - { "$ref": "#/components/schemas/CreateDenoiseMaskInvocation" }, - { "$ref": "#/components/schemas/CreateGradientMaskInvocation" }, - { "$ref": "#/components/schemas/CropImageToBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/CropLatentsCoreInvocation" }, - { "$ref": "#/components/schemas/CvInpaintInvocation" }, - { "$ref": "#/components/schemas/DWOpenposeDetectionInvocation" }, - { "$ref": "#/components/schemas/DenoiseLatentsInvocation" }, - { "$ref": "#/components/schemas/DenoiseLatentsMetaInvocation" }, - { "$ref": "#/components/schemas/DepthAnythingDepthEstimationInvocation" }, - { "$ref": "#/components/schemas/DivideInvocation" }, - { "$ref": "#/components/schemas/DynamicPromptInvocation" }, - { "$ref": "#/components/schemas/ESRGANInvocation" }, - { "$ref": "#/components/schemas/ExpandMaskWithFadeInvocation" }, - { "$ref": "#/components/schemas/FLUXLoRACollectionLoader" }, - { "$ref": "#/components/schemas/FaceIdentifierInvocation" }, - { "$ref": "#/components/schemas/FaceMaskInvocation" }, - { "$ref": "#/components/schemas/FaceOffInvocation" }, - { "$ref": "#/components/schemas/FloatBatchInvocation" }, - { "$ref": "#/components/schemas/FloatCollectionInvocation" }, - { "$ref": "#/components/schemas/FloatGenerator" }, - { "$ref": "#/components/schemas/FloatInvocation" }, - { "$ref": "#/components/schemas/FloatLinearRangeInvocation" }, - { "$ref": "#/components/schemas/FloatMathInvocation" }, - { "$ref": "#/components/schemas/FloatToIntegerInvocation" }, - { "$ref": "#/components/schemas/FluxControlLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/FluxControlNetInvocation" }, - { "$ref": "#/components/schemas/FluxDenoiseInvocation" }, - { "$ref": "#/components/schemas/FluxDenoiseLatentsMetaInvocation" }, - { "$ref": "#/components/schemas/FluxFillInvocation" }, - { "$ref": "#/components/schemas/FluxIPAdapterInvocation" }, - { "$ref": "#/components/schemas/FluxKontextConcatenateImagesInvocation" }, - { "$ref": "#/components/schemas/FluxKontextInvocation" }, - { "$ref": "#/components/schemas/FluxLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/FluxModelLoaderInvocation" }, - { "$ref": "#/components/schemas/FluxReduxInvocation" }, - { "$ref": "#/components/schemas/FluxTextEncoderInvocation" }, - { "$ref": "#/components/schemas/FluxVaeDecodeInvocation" }, - { "$ref": "#/components/schemas/FluxVaeEncodeInvocation" }, - { "$ref": "#/components/schemas/FreeUInvocation" }, - { "$ref": "#/components/schemas/GetMaskBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/GroundingDinoInvocation" }, - { "$ref": "#/components/schemas/HEDEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/HeuristicResizeInvocation" }, - { "$ref": "#/components/schemas/IPAdapterInvocation" }, - { "$ref": "#/components/schemas/IdealSizeInvocation" }, - { "$ref": "#/components/schemas/ImageBatchInvocation" }, - { "$ref": "#/components/schemas/ImageBlurInvocation" }, - { "$ref": "#/components/schemas/ImageChannelInvocation" }, - { "$ref": "#/components/schemas/ImageChannelMultiplyInvocation" }, - { "$ref": "#/components/schemas/ImageChannelOffsetInvocation" }, - { "$ref": "#/components/schemas/ImageCollectionInvocation" }, - { "$ref": "#/components/schemas/ImageConvertInvocation" }, - { "$ref": "#/components/schemas/ImageCropInvocation" }, - { "$ref": "#/components/schemas/ImageGenerator" }, - { "$ref": "#/components/schemas/ImageHueAdjustmentInvocation" }, - { "$ref": "#/components/schemas/ImageInverseLerpInvocation" }, - { "$ref": "#/components/schemas/ImageInvocation" }, - { "$ref": "#/components/schemas/ImageLerpInvocation" }, - { "$ref": "#/components/schemas/ImageMaskToTensorInvocation" }, - { "$ref": "#/components/schemas/ImageMultiplyInvocation" }, - { "$ref": "#/components/schemas/ImageNSFWBlurInvocation" }, - { "$ref": "#/components/schemas/ImageNoiseInvocation" }, - { "$ref": "#/components/schemas/ImagePanelLayoutInvocation" }, - { "$ref": "#/components/schemas/ImagePasteInvocation" }, - { "$ref": "#/components/schemas/ImageResizeInvocation" }, - { "$ref": "#/components/schemas/ImageScaleInvocation" }, - { "$ref": "#/components/schemas/ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/ImageWatermarkInvocation" }, - { "$ref": "#/components/schemas/InfillColorInvocation" }, - { "$ref": "#/components/schemas/InfillPatchMatchInvocation" }, - { "$ref": "#/components/schemas/InfillTileInvocation" }, - { "$ref": "#/components/schemas/IntegerBatchInvocation" }, - { "$ref": "#/components/schemas/IntegerCollectionInvocation" }, - { "$ref": "#/components/schemas/IntegerGenerator" }, - { "$ref": "#/components/schemas/IntegerInvocation" }, - { "$ref": "#/components/schemas/IntegerMathInvocation" }, - { "$ref": "#/components/schemas/InvertTensorMaskInvocation" }, - { "$ref": "#/components/schemas/InvokeAdjustImageHuePlusInvocation" }, - { "$ref": "#/components/schemas/InvokeEquivalentAchromaticLightnessInvocation" }, - { "$ref": "#/components/schemas/InvokeImageBlendInvocation" }, - { "$ref": "#/components/schemas/InvokeImageCompositorInvocation" }, - { "$ref": "#/components/schemas/InvokeImageDilateOrErodeInvocation" }, - { "$ref": "#/components/schemas/InvokeImageEnhanceInvocation" }, - { "$ref": "#/components/schemas/InvokeImageValueThresholdsInvocation" }, - { "$ref": "#/components/schemas/IterateInvocation" }, - { "$ref": "#/components/schemas/LaMaInfillInvocation" }, - { "$ref": "#/components/schemas/LatentsCollectionInvocation" }, - { "$ref": "#/components/schemas/LatentsInvocation" }, - { "$ref": "#/components/schemas/LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/LineartAnimeEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/LineartEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/LlavaOnevisionVllmInvocation" }, - { "$ref": "#/components/schemas/LoRACollectionLoader" }, - { "$ref": "#/components/schemas/LoRALoaderInvocation" }, - { "$ref": "#/components/schemas/LoRASelectorInvocation" }, - { "$ref": "#/components/schemas/MLSDDetectionInvocation" }, - { "$ref": "#/components/schemas/MainModelLoaderInvocation" }, - { "$ref": "#/components/schemas/MaskCombineInvocation" }, - { "$ref": "#/components/schemas/MaskEdgeInvocation" }, - { "$ref": "#/components/schemas/MaskFromAlphaInvocation" }, - { "$ref": "#/components/schemas/MaskFromIDInvocation" }, - { "$ref": "#/components/schemas/MaskTensorToImageInvocation" }, - { "$ref": "#/components/schemas/MediaPipeFaceDetectionInvocation" }, - { "$ref": "#/components/schemas/MergeMetadataInvocation" }, - { "$ref": "#/components/schemas/MergeTilesToImageInvocation" }, - { "$ref": "#/components/schemas/MetadataFieldExtractorInvocation" }, - { "$ref": "#/components/schemas/MetadataFromImageInvocation" }, - { "$ref": "#/components/schemas/MetadataInvocation" }, - { "$ref": "#/components/schemas/MetadataItemInvocation" }, - { "$ref": "#/components/schemas/MetadataItemLinkedInvocation" }, - { "$ref": "#/components/schemas/MetadataToBoolCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToBoolInvocation" }, - { "$ref": "#/components/schemas/MetadataToControlnetsInvocation" }, - { "$ref": "#/components/schemas/MetadataToFloatCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToFloatInvocation" }, - { "$ref": "#/components/schemas/MetadataToIPAdaptersInvocation" }, - { "$ref": "#/components/schemas/MetadataToIntegerCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToIntegerInvocation" }, - { "$ref": "#/components/schemas/MetadataToLorasCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToLorasInvocation" }, - { "$ref": "#/components/schemas/MetadataToModelInvocation" }, - { "$ref": "#/components/schemas/MetadataToSDXLLorasInvocation" }, - { "$ref": "#/components/schemas/MetadataToSDXLModelInvocation" }, - { "$ref": "#/components/schemas/MetadataToSchedulerInvocation" }, - { "$ref": "#/components/schemas/MetadataToStringCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToStringInvocation" }, - { "$ref": "#/components/schemas/MetadataToT2IAdaptersInvocation" }, - { "$ref": "#/components/schemas/MetadataToVAEInvocation" }, - { "$ref": "#/components/schemas/ModelIdentifierInvocation" }, - { "$ref": "#/components/schemas/MultiplyInvocation" }, - { "$ref": "#/components/schemas/NoiseInvocation" }, - { "$ref": "#/components/schemas/NormalMapInvocation" }, - { "$ref": "#/components/schemas/PairTileImageInvocation" }, - { "$ref": "#/components/schemas/PasteImageIntoBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/PiDiNetEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/PromptsFromFileInvocation" }, - { "$ref": "#/components/schemas/RandomFloatInvocation" }, - { "$ref": "#/components/schemas/RandomIntInvocation" }, - { "$ref": "#/components/schemas/RandomRangeInvocation" }, - { "$ref": "#/components/schemas/RangeInvocation" }, - { "$ref": "#/components/schemas/RangeOfSizeInvocation" }, - { "$ref": "#/components/schemas/RectangleMaskInvocation" }, - { "$ref": "#/components/schemas/ResizeLatentsInvocation" }, - { "$ref": "#/components/schemas/RoundInvocation" }, - { "$ref": "#/components/schemas/SD3DenoiseInvocation" }, - { "$ref": "#/components/schemas/SD3ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/SD3LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/SDXLCompelPromptInvocation" }, - { "$ref": "#/components/schemas/SDXLLoRACollectionLoader" }, - { "$ref": "#/components/schemas/SDXLLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/SDXLModelLoaderInvocation" }, - { "$ref": "#/components/schemas/SDXLRefinerCompelPromptInvocation" }, - { "$ref": "#/components/schemas/SDXLRefinerModelLoaderInvocation" }, - { "$ref": "#/components/schemas/SaveImageInvocation" }, - { "$ref": "#/components/schemas/ScaleLatentsInvocation" }, - { "$ref": "#/components/schemas/SchedulerInvocation" }, - { "$ref": "#/components/schemas/Sd3ModelLoaderInvocation" }, - { "$ref": "#/components/schemas/Sd3TextEncoderInvocation" }, - { "$ref": "#/components/schemas/SeamlessModeInvocation" }, - { "$ref": "#/components/schemas/SegmentAnythingInvocation" }, - { "$ref": "#/components/schemas/ShowImageInvocation" }, - { "$ref": "#/components/schemas/SpandrelImageToImageAutoscaleInvocation" }, - { "$ref": "#/components/schemas/SpandrelImageToImageInvocation" }, - { "$ref": "#/components/schemas/StringBatchInvocation" }, - { "$ref": "#/components/schemas/StringCollectionInvocation" }, - { "$ref": "#/components/schemas/StringGenerator" }, - { "$ref": "#/components/schemas/StringInvocation" }, - { "$ref": "#/components/schemas/StringJoinInvocation" }, - { "$ref": "#/components/schemas/StringJoinThreeInvocation" }, - { "$ref": "#/components/schemas/StringReplaceInvocation" }, - { "$ref": "#/components/schemas/StringSplitInvocation" }, - { "$ref": "#/components/schemas/StringSplitNegInvocation" }, - { "$ref": "#/components/schemas/SubtractInvocation" }, - { "$ref": "#/components/schemas/T2IAdapterInvocation" }, - { "$ref": "#/components/schemas/TileToPropertiesInvocation" }, - { "$ref": "#/components/schemas/TiledMultiDiffusionDenoiseLatents" }, - { "$ref": "#/components/schemas/UnsharpMaskInvocation" }, - { "$ref": "#/components/schemas/VAELoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageDenoiseInvocation" }, - { "$ref": "#/components/schemas/ZImageImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/ZImageLatentsToImageInvocation" }, - { "$ref": "#/components/schemas/ZImageLoRACollectionLoader" }, - { "$ref": "#/components/schemas/ZImageLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageModelLoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageTextEncoderInvocation" } + { + "$ref": "#/components/schemas/AddInvocation" + }, + { + "$ref": "#/components/schemas/AlphaMaskToTensorInvocation" + }, + { + "$ref": "#/components/schemas/ApplyMaskTensorToImageInvocation" + }, + { + "$ref": "#/components/schemas/ApplyMaskToImageInvocation" + }, + { + "$ref": "#/components/schemas/BlankImageInvocation" + }, + { + "$ref": "#/components/schemas/BlendLatentsInvocation" + }, + { + "$ref": "#/components/schemas/BooleanCollectionInvocation" + }, + { + "$ref": "#/components/schemas/BooleanInvocation" + }, + { + "$ref": "#/components/schemas/BoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/CLIPSkipInvocation" + }, + { + "$ref": "#/components/schemas/CV2InfillInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesEvenSplitInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesMinimumOverlapInvocation" + }, + { + "$ref": "#/components/schemas/CannyEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/CanvasPasteBackInvocation" + }, + { + "$ref": "#/components/schemas/CanvasV2MaskAndCropInvocation" + }, + { + "$ref": "#/components/schemas/CenterPadCropInvocation" + }, + { + "$ref": "#/components/schemas/CogView4DenoiseInvocation" + }, + { + "$ref": "#/components/schemas/CogView4ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/CogView4LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/CogView4ModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/CogView4TextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/CollectInvocation" + }, + { + "$ref": "#/components/schemas/ColorCorrectInvocation" + }, + { + "$ref": "#/components/schemas/ColorInvocation" + }, + { + "$ref": "#/components/schemas/ColorMapInvocation" + }, + { + "$ref": "#/components/schemas/CompelInvocation" + }, + { + "$ref": "#/components/schemas/ConditioningCollectionInvocation" + }, + { + "$ref": "#/components/schemas/ConditioningInvocation" + }, + { + "$ref": "#/components/schemas/ContentShuffleInvocation" + }, + { + "$ref": "#/components/schemas/ControlNetInvocation" + }, + { + "$ref": "#/components/schemas/CoreMetadataInvocation" + }, + { + "$ref": "#/components/schemas/CreateDenoiseMaskInvocation" + }, + { + "$ref": "#/components/schemas/CreateGradientMaskInvocation" + }, + { + "$ref": "#/components/schemas/CropImageToBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/CropLatentsCoreInvocation" + }, + { + "$ref": "#/components/schemas/CvInpaintInvocation" + }, + { + "$ref": "#/components/schemas/DWOpenposeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/DenoiseLatentsInvocation" + }, + { + "$ref": "#/components/schemas/DenoiseLatentsMetaInvocation" + }, + { + "$ref": "#/components/schemas/DepthAnythingDepthEstimationInvocation" + }, + { + "$ref": "#/components/schemas/DivideInvocation" + }, + { + "$ref": "#/components/schemas/DynamicPromptInvocation" + }, + { + "$ref": "#/components/schemas/ESRGANInvocation" + }, + { + "$ref": "#/components/schemas/ExpandMaskWithFadeInvocation" + }, + { + "$ref": "#/components/schemas/FLUXLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/FaceIdentifierInvocation" + }, + { + "$ref": "#/components/schemas/FaceMaskInvocation" + }, + { + "$ref": "#/components/schemas/FaceOffInvocation" + }, + { + "$ref": "#/components/schemas/FloatBatchInvocation" + }, + { + "$ref": "#/components/schemas/FloatCollectionInvocation" + }, + { + "$ref": "#/components/schemas/FloatGenerator" + }, + { + "$ref": "#/components/schemas/FloatInvocation" + }, + { + "$ref": "#/components/schemas/FloatLinearRangeInvocation" + }, + { + "$ref": "#/components/schemas/FloatMathInvocation" + }, + { + "$ref": "#/components/schemas/FloatToIntegerInvocation" + }, + { + "$ref": "#/components/schemas/FluxControlLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxControlNetInvocation" + }, + { + "$ref": "#/components/schemas/FluxDenoiseInvocation" + }, + { + "$ref": "#/components/schemas/FluxDenoiseLatentsMetaInvocation" + }, + { + "$ref": "#/components/schemas/FluxFillInvocation" + }, + { + "$ref": "#/components/schemas/FluxIPAdapterInvocation" + }, + { + "$ref": "#/components/schemas/FluxKontextConcatenateImagesInvocation" + }, + { + "$ref": "#/components/schemas/FluxKontextInvocation" + }, + { + "$ref": "#/components/schemas/FluxLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxReduxInvocation" + }, + { + "$ref": "#/components/schemas/FluxTextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/FluxVaeDecodeInvocation" + }, + { + "$ref": "#/components/schemas/FluxVaeEncodeInvocation" + }, + { + "$ref": "#/components/schemas/FreeUInvocation" + }, + { + "$ref": "#/components/schemas/GetMaskBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/GroundingDinoInvocation" + }, + { + "$ref": "#/components/schemas/HEDEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/HeuristicResizeInvocation" + }, + { + "$ref": "#/components/schemas/IPAdapterInvocation" + }, + { + "$ref": "#/components/schemas/IdealSizeInvocation" + }, + { + "$ref": "#/components/schemas/ImageBatchInvocation" + }, + { + "$ref": "#/components/schemas/ImageBlurInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelMultiplyInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelOffsetInvocation" + }, + { + "$ref": "#/components/schemas/ImageCollectionInvocation" + }, + { + "$ref": "#/components/schemas/ImageConvertInvocation" + }, + { + "$ref": "#/components/schemas/ImageCropInvocation" + }, + { + "$ref": "#/components/schemas/ImageGenerator" + }, + { + "$ref": "#/components/schemas/ImageHueAdjustmentInvocation" + }, + { + "$ref": "#/components/schemas/ImageInverseLerpInvocation" + }, + { + "$ref": "#/components/schemas/ImageInvocation" + }, + { + "$ref": "#/components/schemas/ImageLerpInvocation" + }, + { + "$ref": "#/components/schemas/ImageMaskToTensorInvocation" + }, + { + "$ref": "#/components/schemas/ImageMultiplyInvocation" + }, + { + "$ref": "#/components/schemas/ImageNSFWBlurInvocation" + }, + { + "$ref": "#/components/schemas/ImageNoiseInvocation" + }, + { + "$ref": "#/components/schemas/ImagePanelLayoutInvocation" + }, + { + "$ref": "#/components/schemas/ImagePasteInvocation" + }, + { + "$ref": "#/components/schemas/ImageResizeInvocation" + }, + { + "$ref": "#/components/schemas/ImageScaleInvocation" + }, + { + "$ref": "#/components/schemas/ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/ImageWatermarkInvocation" + }, + { + "$ref": "#/components/schemas/InfillColorInvocation" + }, + { + "$ref": "#/components/schemas/InfillPatchMatchInvocation" + }, + { + "$ref": "#/components/schemas/InfillTileInvocation" + }, + { + "$ref": "#/components/schemas/IntegerBatchInvocation" + }, + { + "$ref": "#/components/schemas/IntegerCollectionInvocation" + }, + { + "$ref": "#/components/schemas/IntegerGenerator" + }, + { + "$ref": "#/components/schemas/IntegerInvocation" + }, + { + "$ref": "#/components/schemas/IntegerMathInvocation" + }, + { + "$ref": "#/components/schemas/InvertTensorMaskInvocation" + }, + { + "$ref": "#/components/schemas/InvokeAdjustImageHuePlusInvocation" + }, + { + "$ref": "#/components/schemas/InvokeEquivalentAchromaticLightnessInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageBlendInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageCompositorInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageDilateOrErodeInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageEnhanceInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageValueThresholdsInvocation" + }, + { + "$ref": "#/components/schemas/IterateInvocation" + }, + { + "$ref": "#/components/schemas/LaMaInfillInvocation" + }, + { + "$ref": "#/components/schemas/LatentsCollectionInvocation" + }, + { + "$ref": "#/components/schemas/LatentsInvocation" + }, + { + "$ref": "#/components/schemas/LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/LineartAnimeEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/LineartEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/LlavaOnevisionVllmInvocation" + }, + { + "$ref": "#/components/schemas/LoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/LoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/LoRASelectorInvocation" + }, + { + "$ref": "#/components/schemas/MLSDDetectionInvocation" + }, + { + "$ref": "#/components/schemas/MainModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/MaskCombineInvocation" + }, + { + "$ref": "#/components/schemas/MaskEdgeInvocation" + }, + { + "$ref": "#/components/schemas/MaskFromAlphaInvocation" + }, + { + "$ref": "#/components/schemas/MaskFromIDInvocation" + }, + { + "$ref": "#/components/schemas/MaskTensorToImageInvocation" + }, + { + "$ref": "#/components/schemas/MediaPipeFaceDetectionInvocation" + }, + { + "$ref": "#/components/schemas/MergeMetadataInvocation" + }, + { + "$ref": "#/components/schemas/MergeTilesToImageInvocation" + }, + { + "$ref": "#/components/schemas/MetadataFieldExtractorInvocation" + }, + { + "$ref": "#/components/schemas/MetadataFromImageInvocation" + }, + { + "$ref": "#/components/schemas/MetadataInvocation" + }, + { + "$ref": "#/components/schemas/MetadataItemInvocation" + }, + { + "$ref": "#/components/schemas/MetadataItemLinkedInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToBoolCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToBoolInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToControlnetsInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToFloatCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToFloatInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIPAdaptersInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIntegerCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIntegerInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToLorasCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToLorasInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToModelInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSDXLLorasInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSDXLModelInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSchedulerInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToStringCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToStringInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToT2IAdaptersInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToVAEInvocation" + }, + { + "$ref": "#/components/schemas/ModelIdentifierInvocation" + }, + { + "$ref": "#/components/schemas/MultiplyInvocation" + }, + { + "$ref": "#/components/schemas/NoiseInvocation" + }, + { + "$ref": "#/components/schemas/NormalMapInvocation" + }, + { + "$ref": "#/components/schemas/PairTileImageInvocation" + }, + { + "$ref": "#/components/schemas/PasteImageIntoBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/PiDiNetEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/PromptsFromFileInvocation" + }, + { + "$ref": "#/components/schemas/RandomFloatInvocation" + }, + { + "$ref": "#/components/schemas/RandomIntInvocation" + }, + { + "$ref": "#/components/schemas/RandomRangeInvocation" + }, + { + "$ref": "#/components/schemas/RangeInvocation" + }, + { + "$ref": "#/components/schemas/RangeOfSizeInvocation" + }, + { + "$ref": "#/components/schemas/RectangleMaskInvocation" + }, + { + "$ref": "#/components/schemas/ResizeLatentsInvocation" + }, + { + "$ref": "#/components/schemas/RoundInvocation" + }, + { + "$ref": "#/components/schemas/SD3DenoiseInvocation" + }, + { + "$ref": "#/components/schemas/SD3ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/SD3LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/SDXLCompelPromptInvocation" + }, + { + "$ref": "#/components/schemas/SDXLLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/SDXLLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/SDXLModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/SDXLRefinerCompelPromptInvocation" + }, + { + "$ref": "#/components/schemas/SDXLRefinerModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/SaveImageInvocation" + }, + { + "$ref": "#/components/schemas/ScaleLatentsInvocation" + }, + { + "$ref": "#/components/schemas/SchedulerInvocation" + }, + { + "$ref": "#/components/schemas/Sd3ModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/Sd3TextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/SeamlessModeInvocation" + }, + { + "$ref": "#/components/schemas/SegmentAnythingInvocation" + }, + { + "$ref": "#/components/schemas/ShowImageInvocation" + }, + { + "$ref": "#/components/schemas/SpandrelImageToImageAutoscaleInvocation" + }, + { + "$ref": "#/components/schemas/SpandrelImageToImageInvocation" + }, + { + "$ref": "#/components/schemas/StringBatchInvocation" + }, + { + "$ref": "#/components/schemas/StringCollectionInvocation" + }, + { + "$ref": "#/components/schemas/StringGenerator" + }, + { + "$ref": "#/components/schemas/StringInvocation" + }, + { + "$ref": "#/components/schemas/StringJoinInvocation" + }, + { + "$ref": "#/components/schemas/StringJoinThreeInvocation" + }, + { + "$ref": "#/components/schemas/StringReplaceInvocation" + }, + { + "$ref": "#/components/schemas/StringSplitInvocation" + }, + { + "$ref": "#/components/schemas/StringSplitNegInvocation" + }, + { + "$ref": "#/components/schemas/SubtractInvocation" + }, + { + "$ref": "#/components/schemas/T2IAdapterInvocation" + }, + { + "$ref": "#/components/schemas/TileToPropertiesInvocation" + }, + { + "$ref": "#/components/schemas/TiledMultiDiffusionDenoiseLatents" + }, + { + "$ref": "#/components/schemas/UnsharpMaskInvocation" + }, + { + "$ref": "#/components/schemas/VAELoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageDenoiseInvocation" + }, + { + "$ref": "#/components/schemas/ZImageImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/ZImageLatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/ZImageLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/ZImageLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageTextEncoderInvocation" + } ], "title": "Invocation" }, @@ -19857,94 +28560,250 @@ "result": { "description": "The result of the invocation", "oneOf": [ - { "$ref": "#/components/schemas/BooleanCollectionOutput" }, - { "$ref": "#/components/schemas/BooleanOutput" }, - { "$ref": "#/components/schemas/BoundingBoxCollectionOutput" }, - { "$ref": "#/components/schemas/BoundingBoxOutput" }, - { "$ref": "#/components/schemas/CLIPOutput" }, - { "$ref": "#/components/schemas/CLIPSkipInvocationOutput" }, - { "$ref": "#/components/schemas/CalculateImageTilesOutput" }, - { "$ref": "#/components/schemas/CogView4ConditioningOutput" }, - { "$ref": "#/components/schemas/CogView4ModelLoaderOutput" }, - { "$ref": "#/components/schemas/CollectInvocationOutput" }, - { "$ref": "#/components/schemas/ColorCollectionOutput" }, - { "$ref": "#/components/schemas/ColorOutput" }, - { "$ref": "#/components/schemas/ConditioningCollectionOutput" }, - { "$ref": "#/components/schemas/ConditioningOutput" }, - { "$ref": "#/components/schemas/ControlOutput" }, - { "$ref": "#/components/schemas/DenoiseMaskOutput" }, - { "$ref": "#/components/schemas/FaceMaskOutput" }, - { "$ref": "#/components/schemas/FaceOffOutput" }, - { "$ref": "#/components/schemas/FloatCollectionOutput" }, - { "$ref": "#/components/schemas/FloatGeneratorOutput" }, - { "$ref": "#/components/schemas/FloatOutput" }, - { "$ref": "#/components/schemas/FluxConditioningCollectionOutput" }, - { "$ref": "#/components/schemas/FluxConditioningOutput" }, - { "$ref": "#/components/schemas/FluxControlLoRALoaderOutput" }, - { "$ref": "#/components/schemas/FluxControlNetOutput" }, - { "$ref": "#/components/schemas/FluxFillOutput" }, - { "$ref": "#/components/schemas/FluxKontextOutput" }, - { "$ref": "#/components/schemas/FluxLoRALoaderOutput" }, - { "$ref": "#/components/schemas/FluxModelLoaderOutput" }, - { "$ref": "#/components/schemas/FluxReduxOutput" }, - { "$ref": "#/components/schemas/GradientMaskOutput" }, - { "$ref": "#/components/schemas/IPAdapterOutput" }, - { "$ref": "#/components/schemas/IdealSizeOutput" }, - { "$ref": "#/components/schemas/ImageCollectionOutput" }, - { "$ref": "#/components/schemas/ImageGeneratorOutput" }, - { "$ref": "#/components/schemas/ImageOutput" }, - { "$ref": "#/components/schemas/ImagePanelCoordinateOutput" }, - { "$ref": "#/components/schemas/IntegerCollectionOutput" }, - { "$ref": "#/components/schemas/IntegerGeneratorOutput" }, - { "$ref": "#/components/schemas/IntegerOutput" }, - { "$ref": "#/components/schemas/IterateInvocationOutput" }, - { "$ref": "#/components/schemas/LatentsCollectionOutput" }, - { "$ref": "#/components/schemas/LatentsMetaOutput" }, - { "$ref": "#/components/schemas/LatentsOutput" }, - { "$ref": "#/components/schemas/LoRALoaderOutput" }, - { "$ref": "#/components/schemas/LoRASelectorOutput" }, - { "$ref": "#/components/schemas/MDControlListOutput" }, - { "$ref": "#/components/schemas/MDIPAdapterListOutput" }, - { "$ref": "#/components/schemas/MDT2IAdapterListOutput" }, - { "$ref": "#/components/schemas/MaskOutput" }, - { "$ref": "#/components/schemas/MetadataItemOutput" }, - { "$ref": "#/components/schemas/MetadataOutput" }, - { "$ref": "#/components/schemas/MetadataToLorasCollectionOutput" }, - { "$ref": "#/components/schemas/MetadataToModelOutput" }, - { "$ref": "#/components/schemas/MetadataToSDXLModelOutput" }, - { "$ref": "#/components/schemas/ModelIdentifierOutput" }, - { "$ref": "#/components/schemas/ModelLoaderOutput" }, - { "$ref": "#/components/schemas/NoiseOutput" }, - { "$ref": "#/components/schemas/PairTileImageOutput" }, - { "$ref": "#/components/schemas/SD3ConditioningOutput" }, - { "$ref": "#/components/schemas/SDXLLoRALoaderOutput" }, - { "$ref": "#/components/schemas/SDXLModelLoaderOutput" }, - { "$ref": "#/components/schemas/SDXLRefinerModelLoaderOutput" }, - { "$ref": "#/components/schemas/SchedulerOutput" }, - { "$ref": "#/components/schemas/Sd3ModelLoaderOutput" }, - { "$ref": "#/components/schemas/SeamlessModeOutput" }, - { "$ref": "#/components/schemas/String2Output" }, - { "$ref": "#/components/schemas/StringCollectionOutput" }, - { "$ref": "#/components/schemas/StringGeneratorOutput" }, - { "$ref": "#/components/schemas/StringOutput" }, - { "$ref": "#/components/schemas/StringPosNegOutput" }, - { "$ref": "#/components/schemas/T2IAdapterOutput" }, - { "$ref": "#/components/schemas/TileToPropertiesOutput" }, - { "$ref": "#/components/schemas/UNetOutput" }, - { "$ref": "#/components/schemas/VAEOutput" }, - { "$ref": "#/components/schemas/ZImageConditioningOutput" }, - { "$ref": "#/components/schemas/ZImageLoRALoaderOutput" }, - { "$ref": "#/components/schemas/ZImageModelLoaderOutput" } - ], - "title": "Result" - } - }, - "required": [ - "timestamp", - "queue_id", - "item_id", - "batch_id", - "origin", + { + "$ref": "#/components/schemas/BooleanCollectionOutput" + }, + { + "$ref": "#/components/schemas/BooleanOutput" + }, + { + "$ref": "#/components/schemas/BoundingBoxCollectionOutput" + }, + { + "$ref": "#/components/schemas/BoundingBoxOutput" + }, + { + "$ref": "#/components/schemas/CLIPOutput" + }, + { + "$ref": "#/components/schemas/CLIPSkipInvocationOutput" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesOutput" + }, + { + "$ref": "#/components/schemas/CogView4ConditioningOutput" + }, + { + "$ref": "#/components/schemas/CogView4ModelLoaderOutput" + }, + { + "$ref": "#/components/schemas/CollectInvocationOutput" + }, + { + "$ref": "#/components/schemas/ColorCollectionOutput" + }, + { + "$ref": "#/components/schemas/ColorOutput" + }, + { + "$ref": "#/components/schemas/ConditioningCollectionOutput" + }, + { + "$ref": "#/components/schemas/ConditioningOutput" + }, + { + "$ref": "#/components/schemas/ControlOutput" + }, + { + "$ref": "#/components/schemas/DenoiseMaskOutput" + }, + { + "$ref": "#/components/schemas/FaceMaskOutput" + }, + { + "$ref": "#/components/schemas/FaceOffOutput" + }, + { + "$ref": "#/components/schemas/FloatCollectionOutput" + }, + { + "$ref": "#/components/schemas/FloatGeneratorOutput" + }, + { + "$ref": "#/components/schemas/FloatOutput" + }, + { + "$ref": "#/components/schemas/FluxConditioningCollectionOutput" + }, + { + "$ref": "#/components/schemas/FluxConditioningOutput" + }, + { + "$ref": "#/components/schemas/FluxControlLoRALoaderOutput" + }, + { + "$ref": "#/components/schemas/FluxControlNetOutput" + }, + { + "$ref": "#/components/schemas/FluxFillOutput" + }, + { + "$ref": "#/components/schemas/FluxKontextOutput" + }, + { + "$ref": "#/components/schemas/FluxLoRALoaderOutput" + }, + { + "$ref": "#/components/schemas/FluxModelLoaderOutput" + }, + { + "$ref": "#/components/schemas/FluxReduxOutput" + }, + { + "$ref": "#/components/schemas/GradientMaskOutput" + }, + { + "$ref": "#/components/schemas/IPAdapterOutput" + }, + { + "$ref": "#/components/schemas/IdealSizeOutput" + }, + { + "$ref": "#/components/schemas/ImageCollectionOutput" + }, + { + "$ref": "#/components/schemas/ImageGeneratorOutput" + }, + { + "$ref": "#/components/schemas/ImageOutput" + }, + { + "$ref": "#/components/schemas/ImagePanelCoordinateOutput" + }, + { + "$ref": "#/components/schemas/IntegerCollectionOutput" + }, + { + "$ref": "#/components/schemas/IntegerGeneratorOutput" + }, + { + "$ref": "#/components/schemas/IntegerOutput" + }, + { + "$ref": "#/components/schemas/IterateInvocationOutput" + }, + { + "$ref": "#/components/schemas/LatentsCollectionOutput" + }, + { + "$ref": "#/components/schemas/LatentsMetaOutput" + }, + { + "$ref": "#/components/schemas/LatentsOutput" + }, + { + "$ref": "#/components/schemas/LoRALoaderOutput" + }, + { + "$ref": "#/components/schemas/LoRASelectorOutput" + }, + { + "$ref": "#/components/schemas/MDControlListOutput" + }, + { + "$ref": "#/components/schemas/MDIPAdapterListOutput" + }, + { + "$ref": "#/components/schemas/MDT2IAdapterListOutput" + }, + { + "$ref": "#/components/schemas/MaskOutput" + }, + { + "$ref": "#/components/schemas/MetadataItemOutput" + }, + { + "$ref": "#/components/schemas/MetadataOutput" + }, + { + "$ref": "#/components/schemas/MetadataToLorasCollectionOutput" + }, + { + "$ref": "#/components/schemas/MetadataToModelOutput" + }, + { + "$ref": "#/components/schemas/MetadataToSDXLModelOutput" + }, + { + "$ref": "#/components/schemas/ModelIdentifierOutput" + }, + { + "$ref": "#/components/schemas/ModelLoaderOutput" + }, + { + "$ref": "#/components/schemas/NoiseOutput" + }, + { + "$ref": "#/components/schemas/PairTileImageOutput" + }, + { + "$ref": "#/components/schemas/SD3ConditioningOutput" + }, + { + "$ref": "#/components/schemas/SDXLLoRALoaderOutput" + }, + { + "$ref": "#/components/schemas/SDXLModelLoaderOutput" + }, + { + "$ref": "#/components/schemas/SDXLRefinerModelLoaderOutput" + }, + { + "$ref": "#/components/schemas/SchedulerOutput" + }, + { + "$ref": "#/components/schemas/Sd3ModelLoaderOutput" + }, + { + "$ref": "#/components/schemas/SeamlessModeOutput" + }, + { + "$ref": "#/components/schemas/String2Output" + }, + { + "$ref": "#/components/schemas/StringCollectionOutput" + }, + { + "$ref": "#/components/schemas/StringGeneratorOutput" + }, + { + "$ref": "#/components/schemas/StringOutput" + }, + { + "$ref": "#/components/schemas/StringPosNegOutput" + }, + { + "$ref": "#/components/schemas/T2IAdapterOutput" + }, + { + "$ref": "#/components/schemas/TileToPropertiesOutput" + }, + { + "$ref": "#/components/schemas/UNetOutput" + }, + { + "$ref": "#/components/schemas/VAEOutput" + }, + { + "$ref": "#/components/schemas/ZImageConditioningOutput" + }, + { + "$ref": "#/components/schemas/ZImageLoRALoaderOutput" + }, + { + "$ref": "#/components/schemas/ZImageModelLoaderOutput" + } + ], + "title": "Result" + } + }, + "required": [ + "timestamp", + "queue_id", + "item_id", + "batch_id", + "origin", "destination", "session_id", "invocation", @@ -19957,18 +28816,48 @@ "InvocationErrorEvent": { "description": "Event model for invocation_error", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "queue_id": { "description": "The ID of the queue", "title": "Queue Id", "type": "string" }, - "item_id": { "description": "The ID of the queue item", "title": "Item Id", "type": "integer" }, - "batch_id": { "description": "The ID of the queue batch", "title": "Batch Id", "type": "string" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "queue_id": { + "description": "The ID of the queue", + "title": "Queue Id", + "type": "string" + }, + "item_id": { + "description": "The ID of the queue item", + "title": "Item Id", + "type": "integer" + }, + "batch_id": { + "description": "The ID of the queue batch", + "title": "Batch Id", + "type": "string" + }, "origin": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The origin of the queue item", "title": "Origin" }, "destination": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The destination of the queue item", "title": "Destination" @@ -19981,224 +28870,2291 @@ "invocation": { "description": "The ID of the invocation", "oneOf": [ - { "$ref": "#/components/schemas/AddInvocation" }, - { "$ref": "#/components/schemas/AlphaMaskToTensorInvocation" }, - { "$ref": "#/components/schemas/ApplyMaskTensorToImageInvocation" }, - { "$ref": "#/components/schemas/ApplyMaskToImageInvocation" }, - { "$ref": "#/components/schemas/BlankImageInvocation" }, - { "$ref": "#/components/schemas/BlendLatentsInvocation" }, - { "$ref": "#/components/schemas/BooleanCollectionInvocation" }, - { "$ref": "#/components/schemas/BooleanInvocation" }, - { "$ref": "#/components/schemas/BoundingBoxInvocation" }, - { "$ref": "#/components/schemas/CLIPSkipInvocation" }, - { "$ref": "#/components/schemas/CV2InfillInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesEvenSplitInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesMinimumOverlapInvocation" }, - { "$ref": "#/components/schemas/CannyEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/CanvasPasteBackInvocation" }, - { "$ref": "#/components/schemas/CanvasV2MaskAndCropInvocation" }, - { "$ref": "#/components/schemas/CenterPadCropInvocation" }, - { "$ref": "#/components/schemas/CogView4DenoiseInvocation" }, - { "$ref": "#/components/schemas/CogView4ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/CogView4LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/CogView4ModelLoaderInvocation" }, - { "$ref": "#/components/schemas/CogView4TextEncoderInvocation" }, - { "$ref": "#/components/schemas/CollectInvocation" }, - { "$ref": "#/components/schemas/ColorCorrectInvocation" }, - { "$ref": "#/components/schemas/ColorInvocation" }, - { "$ref": "#/components/schemas/ColorMapInvocation" }, - { "$ref": "#/components/schemas/CompelInvocation" }, - { "$ref": "#/components/schemas/ConditioningCollectionInvocation" }, - { "$ref": "#/components/schemas/ConditioningInvocation" }, - { "$ref": "#/components/schemas/ContentShuffleInvocation" }, - { "$ref": "#/components/schemas/ControlNetInvocation" }, - { "$ref": "#/components/schemas/CoreMetadataInvocation" }, - { "$ref": "#/components/schemas/CreateDenoiseMaskInvocation" }, - { "$ref": "#/components/schemas/CreateGradientMaskInvocation" }, - { "$ref": "#/components/schemas/CropImageToBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/CropLatentsCoreInvocation" }, - { "$ref": "#/components/schemas/CvInpaintInvocation" }, - { "$ref": "#/components/schemas/DWOpenposeDetectionInvocation" }, - { "$ref": "#/components/schemas/DenoiseLatentsInvocation" }, - { "$ref": "#/components/schemas/DenoiseLatentsMetaInvocation" }, - { "$ref": "#/components/schemas/DepthAnythingDepthEstimationInvocation" }, - { "$ref": "#/components/schemas/DivideInvocation" }, - { "$ref": "#/components/schemas/DynamicPromptInvocation" }, - { "$ref": "#/components/schemas/ESRGANInvocation" }, - { "$ref": "#/components/schemas/ExpandMaskWithFadeInvocation" }, - { "$ref": "#/components/schemas/FLUXLoRACollectionLoader" }, - { "$ref": "#/components/schemas/FaceIdentifierInvocation" }, - { "$ref": "#/components/schemas/FaceMaskInvocation" }, - { "$ref": "#/components/schemas/FaceOffInvocation" }, - { "$ref": "#/components/schemas/FloatBatchInvocation" }, - { "$ref": "#/components/schemas/FloatCollectionInvocation" }, - { "$ref": "#/components/schemas/FloatGenerator" }, - { "$ref": "#/components/schemas/FloatInvocation" }, - { "$ref": "#/components/schemas/FloatLinearRangeInvocation" }, - { "$ref": "#/components/schemas/FloatMathInvocation" }, - { "$ref": "#/components/schemas/FloatToIntegerInvocation" }, - { "$ref": "#/components/schemas/FluxControlLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/FluxControlNetInvocation" }, - { "$ref": "#/components/schemas/FluxDenoiseInvocation" }, - { "$ref": "#/components/schemas/FluxDenoiseLatentsMetaInvocation" }, - { "$ref": "#/components/schemas/FluxFillInvocation" }, - { "$ref": "#/components/schemas/FluxIPAdapterInvocation" }, - { "$ref": "#/components/schemas/FluxKontextConcatenateImagesInvocation" }, - { "$ref": "#/components/schemas/FluxKontextInvocation" }, - { "$ref": "#/components/schemas/FluxLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/FluxModelLoaderInvocation" }, - { "$ref": "#/components/schemas/FluxReduxInvocation" }, - { "$ref": "#/components/schemas/FluxTextEncoderInvocation" }, - { "$ref": "#/components/schemas/FluxVaeDecodeInvocation" }, - { "$ref": "#/components/schemas/FluxVaeEncodeInvocation" }, - { "$ref": "#/components/schemas/FreeUInvocation" }, - { "$ref": "#/components/schemas/GetMaskBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/GroundingDinoInvocation" }, - { "$ref": "#/components/schemas/HEDEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/HeuristicResizeInvocation" }, - { "$ref": "#/components/schemas/IPAdapterInvocation" }, - { "$ref": "#/components/schemas/IdealSizeInvocation" }, - { "$ref": "#/components/schemas/ImageBatchInvocation" }, - { "$ref": "#/components/schemas/ImageBlurInvocation" }, - { "$ref": "#/components/schemas/ImageChannelInvocation" }, - { "$ref": "#/components/schemas/ImageChannelMultiplyInvocation" }, - { "$ref": "#/components/schemas/ImageChannelOffsetInvocation" }, - { "$ref": "#/components/schemas/ImageCollectionInvocation" }, - { "$ref": "#/components/schemas/ImageConvertInvocation" }, - { "$ref": "#/components/schemas/ImageCropInvocation" }, - { "$ref": "#/components/schemas/ImageGenerator" }, - { "$ref": "#/components/schemas/ImageHueAdjustmentInvocation" }, - { "$ref": "#/components/schemas/ImageInverseLerpInvocation" }, - { "$ref": "#/components/schemas/ImageInvocation" }, - { "$ref": "#/components/schemas/ImageLerpInvocation" }, - { "$ref": "#/components/schemas/ImageMaskToTensorInvocation" }, - { "$ref": "#/components/schemas/ImageMultiplyInvocation" }, - { "$ref": "#/components/schemas/ImageNSFWBlurInvocation" }, - { "$ref": "#/components/schemas/ImageNoiseInvocation" }, - { "$ref": "#/components/schemas/ImagePanelLayoutInvocation" }, - { "$ref": "#/components/schemas/ImagePasteInvocation" }, - { "$ref": "#/components/schemas/ImageResizeInvocation" }, - { "$ref": "#/components/schemas/ImageScaleInvocation" }, - { "$ref": "#/components/schemas/ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/ImageWatermarkInvocation" }, - { "$ref": "#/components/schemas/InfillColorInvocation" }, - { "$ref": "#/components/schemas/InfillPatchMatchInvocation" }, - { "$ref": "#/components/schemas/InfillTileInvocation" }, - { "$ref": "#/components/schemas/IntegerBatchInvocation" }, - { "$ref": "#/components/schemas/IntegerCollectionInvocation" }, - { "$ref": "#/components/schemas/IntegerGenerator" }, - { "$ref": "#/components/schemas/IntegerInvocation" }, - { "$ref": "#/components/schemas/IntegerMathInvocation" }, - { "$ref": "#/components/schemas/InvertTensorMaskInvocation" }, - { "$ref": "#/components/schemas/InvokeAdjustImageHuePlusInvocation" }, - { "$ref": "#/components/schemas/InvokeEquivalentAchromaticLightnessInvocation" }, - { "$ref": "#/components/schemas/InvokeImageBlendInvocation" }, - { "$ref": "#/components/schemas/InvokeImageCompositorInvocation" }, - { "$ref": "#/components/schemas/InvokeImageDilateOrErodeInvocation" }, - { "$ref": "#/components/schemas/InvokeImageEnhanceInvocation" }, - { "$ref": "#/components/schemas/InvokeImageValueThresholdsInvocation" }, - { "$ref": "#/components/schemas/IterateInvocation" }, - { "$ref": "#/components/schemas/LaMaInfillInvocation" }, - { "$ref": "#/components/schemas/LatentsCollectionInvocation" }, - { "$ref": "#/components/schemas/LatentsInvocation" }, - { "$ref": "#/components/schemas/LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/LineartAnimeEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/LineartEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/LlavaOnevisionVllmInvocation" }, - { "$ref": "#/components/schemas/LoRACollectionLoader" }, - { "$ref": "#/components/schemas/LoRALoaderInvocation" }, - { "$ref": "#/components/schemas/LoRASelectorInvocation" }, - { "$ref": "#/components/schemas/MLSDDetectionInvocation" }, - { "$ref": "#/components/schemas/MainModelLoaderInvocation" }, - { "$ref": "#/components/schemas/MaskCombineInvocation" }, - { "$ref": "#/components/schemas/MaskEdgeInvocation" }, - { "$ref": "#/components/schemas/MaskFromAlphaInvocation" }, - { "$ref": "#/components/schemas/MaskFromIDInvocation" }, - { "$ref": "#/components/schemas/MaskTensorToImageInvocation" }, - { "$ref": "#/components/schemas/MediaPipeFaceDetectionInvocation" }, - { "$ref": "#/components/schemas/MergeMetadataInvocation" }, - { "$ref": "#/components/schemas/MergeTilesToImageInvocation" }, - { "$ref": "#/components/schemas/MetadataFieldExtractorInvocation" }, - { "$ref": "#/components/schemas/MetadataFromImageInvocation" }, - { "$ref": "#/components/schemas/MetadataInvocation" }, - { "$ref": "#/components/schemas/MetadataItemInvocation" }, - { "$ref": "#/components/schemas/MetadataItemLinkedInvocation" }, - { "$ref": "#/components/schemas/MetadataToBoolCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToBoolInvocation" }, - { "$ref": "#/components/schemas/MetadataToControlnetsInvocation" }, - { "$ref": "#/components/schemas/MetadataToFloatCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToFloatInvocation" }, - { "$ref": "#/components/schemas/MetadataToIPAdaptersInvocation" }, - { "$ref": "#/components/schemas/MetadataToIntegerCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToIntegerInvocation" }, - { "$ref": "#/components/schemas/MetadataToLorasCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToLorasInvocation" }, - { "$ref": "#/components/schemas/MetadataToModelInvocation" }, - { "$ref": "#/components/schemas/MetadataToSDXLLorasInvocation" }, - { "$ref": "#/components/schemas/MetadataToSDXLModelInvocation" }, - { "$ref": "#/components/schemas/MetadataToSchedulerInvocation" }, - { "$ref": "#/components/schemas/MetadataToStringCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToStringInvocation" }, - { "$ref": "#/components/schemas/MetadataToT2IAdaptersInvocation" }, - { "$ref": "#/components/schemas/MetadataToVAEInvocation" }, - { "$ref": "#/components/schemas/ModelIdentifierInvocation" }, - { "$ref": "#/components/schemas/MultiplyInvocation" }, - { "$ref": "#/components/schemas/NoiseInvocation" }, - { "$ref": "#/components/schemas/NormalMapInvocation" }, - { "$ref": "#/components/schemas/PairTileImageInvocation" }, - { "$ref": "#/components/schemas/PasteImageIntoBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/PiDiNetEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/PromptsFromFileInvocation" }, - { "$ref": "#/components/schemas/RandomFloatInvocation" }, - { "$ref": "#/components/schemas/RandomIntInvocation" }, - { "$ref": "#/components/schemas/RandomRangeInvocation" }, - { "$ref": "#/components/schemas/RangeInvocation" }, - { "$ref": "#/components/schemas/RangeOfSizeInvocation" }, - { "$ref": "#/components/schemas/RectangleMaskInvocation" }, - { "$ref": "#/components/schemas/ResizeLatentsInvocation" }, - { "$ref": "#/components/schemas/RoundInvocation" }, - { "$ref": "#/components/schemas/SD3DenoiseInvocation" }, - { "$ref": "#/components/schemas/SD3ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/SD3LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/SDXLCompelPromptInvocation" }, - { "$ref": "#/components/schemas/SDXLLoRACollectionLoader" }, - { "$ref": "#/components/schemas/SDXLLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/SDXLModelLoaderInvocation" }, - { "$ref": "#/components/schemas/SDXLRefinerCompelPromptInvocation" }, - { "$ref": "#/components/schemas/SDXLRefinerModelLoaderInvocation" }, - { "$ref": "#/components/schemas/SaveImageInvocation" }, - { "$ref": "#/components/schemas/ScaleLatentsInvocation" }, - { "$ref": "#/components/schemas/SchedulerInvocation" }, - { "$ref": "#/components/schemas/Sd3ModelLoaderInvocation" }, - { "$ref": "#/components/schemas/Sd3TextEncoderInvocation" }, - { "$ref": "#/components/schemas/SeamlessModeInvocation" }, - { "$ref": "#/components/schemas/SegmentAnythingInvocation" }, - { "$ref": "#/components/schemas/ShowImageInvocation" }, - { "$ref": "#/components/schemas/SpandrelImageToImageAutoscaleInvocation" }, - { "$ref": "#/components/schemas/SpandrelImageToImageInvocation" }, - { "$ref": "#/components/schemas/StringBatchInvocation" }, - { "$ref": "#/components/schemas/StringCollectionInvocation" }, - { "$ref": "#/components/schemas/StringGenerator" }, - { "$ref": "#/components/schemas/StringInvocation" }, - { "$ref": "#/components/schemas/StringJoinInvocation" }, - { "$ref": "#/components/schemas/StringJoinThreeInvocation" }, - { "$ref": "#/components/schemas/StringReplaceInvocation" }, - { "$ref": "#/components/schemas/StringSplitInvocation" }, - { "$ref": "#/components/schemas/StringSplitNegInvocation" }, - { "$ref": "#/components/schemas/SubtractInvocation" }, - { "$ref": "#/components/schemas/T2IAdapterInvocation" }, - { "$ref": "#/components/schemas/TileToPropertiesInvocation" }, - { "$ref": "#/components/schemas/TiledMultiDiffusionDenoiseLatents" }, - { "$ref": "#/components/schemas/UnsharpMaskInvocation" }, - { "$ref": "#/components/schemas/VAELoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageDenoiseInvocation" }, - { "$ref": "#/components/schemas/ZImageImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/ZImageLatentsToImageInvocation" }, - { "$ref": "#/components/schemas/ZImageLoRACollectionLoader" }, - { "$ref": "#/components/schemas/ZImageLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageModelLoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageTextEncoderInvocation" } + { + "$ref": "#/components/schemas/AddInvocation" + }, + { + "$ref": "#/components/schemas/AlphaMaskToTensorInvocation" + }, + { + "$ref": "#/components/schemas/ApplyMaskTensorToImageInvocation" + }, + { + "$ref": "#/components/schemas/ApplyMaskToImageInvocation" + }, + { + "$ref": "#/components/schemas/BlankImageInvocation" + }, + { + "$ref": "#/components/schemas/BlendLatentsInvocation" + }, + { + "$ref": "#/components/schemas/BooleanCollectionInvocation" + }, + { + "$ref": "#/components/schemas/BooleanInvocation" + }, + { + "$ref": "#/components/schemas/BoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/CLIPSkipInvocation" + }, + { + "$ref": "#/components/schemas/CV2InfillInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesEvenSplitInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesMinimumOverlapInvocation" + }, + { + "$ref": "#/components/schemas/CannyEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/CanvasPasteBackInvocation" + }, + { + "$ref": "#/components/schemas/CanvasV2MaskAndCropInvocation" + }, + { + "$ref": "#/components/schemas/CenterPadCropInvocation" + }, + { + "$ref": "#/components/schemas/CogView4DenoiseInvocation" + }, + { + "$ref": "#/components/schemas/CogView4ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/CogView4LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/CogView4ModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/CogView4TextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/CollectInvocation" + }, + { + "$ref": "#/components/schemas/ColorCorrectInvocation" + }, + { + "$ref": "#/components/schemas/ColorInvocation" + }, + { + "$ref": "#/components/schemas/ColorMapInvocation" + }, + { + "$ref": "#/components/schemas/CompelInvocation" + }, + { + "$ref": "#/components/schemas/ConditioningCollectionInvocation" + }, + { + "$ref": "#/components/schemas/ConditioningInvocation" + }, + { + "$ref": "#/components/schemas/ContentShuffleInvocation" + }, + { + "$ref": "#/components/schemas/ControlNetInvocation" + }, + { + "$ref": "#/components/schemas/CoreMetadataInvocation" + }, + { + "$ref": "#/components/schemas/CreateDenoiseMaskInvocation" + }, + { + "$ref": "#/components/schemas/CreateGradientMaskInvocation" + }, + { + "$ref": "#/components/schemas/CropImageToBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/CropLatentsCoreInvocation" + }, + { + "$ref": "#/components/schemas/CvInpaintInvocation" + }, + { + "$ref": "#/components/schemas/DWOpenposeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/DenoiseLatentsInvocation" + }, + { + "$ref": "#/components/schemas/DenoiseLatentsMetaInvocation" + }, + { + "$ref": "#/components/schemas/DepthAnythingDepthEstimationInvocation" + }, + { + "$ref": "#/components/schemas/DivideInvocation" + }, + { + "$ref": "#/components/schemas/DynamicPromptInvocation" + }, + { + "$ref": "#/components/schemas/ESRGANInvocation" + }, + { + "$ref": "#/components/schemas/ExpandMaskWithFadeInvocation" + }, + { + "$ref": "#/components/schemas/FLUXLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/FaceIdentifierInvocation" + }, + { + "$ref": "#/components/schemas/FaceMaskInvocation" + }, + { + "$ref": "#/components/schemas/FaceOffInvocation" + }, + { + "$ref": "#/components/schemas/FloatBatchInvocation" + }, + { + "$ref": "#/components/schemas/FloatCollectionInvocation" + }, + { + "$ref": "#/components/schemas/FloatGenerator" + }, + { + "$ref": "#/components/schemas/FloatInvocation" + }, + { + "$ref": "#/components/schemas/FloatLinearRangeInvocation" + }, + { + "$ref": "#/components/schemas/FloatMathInvocation" + }, + { + "$ref": "#/components/schemas/FloatToIntegerInvocation" + }, + { + "$ref": "#/components/schemas/FluxControlLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxControlNetInvocation" + }, + { + "$ref": "#/components/schemas/FluxDenoiseInvocation" + }, + { + "$ref": "#/components/schemas/FluxDenoiseLatentsMetaInvocation" + }, + { + "$ref": "#/components/schemas/FluxFillInvocation" + }, + { + "$ref": "#/components/schemas/FluxIPAdapterInvocation" + }, + { + "$ref": "#/components/schemas/FluxKontextConcatenateImagesInvocation" + }, + { + "$ref": "#/components/schemas/FluxKontextInvocation" + }, + { + "$ref": "#/components/schemas/FluxLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxReduxInvocation" + }, + { + "$ref": "#/components/schemas/FluxTextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/FluxVaeDecodeInvocation" + }, + { + "$ref": "#/components/schemas/FluxVaeEncodeInvocation" + }, + { + "$ref": "#/components/schemas/FreeUInvocation" + }, + { + "$ref": "#/components/schemas/GetMaskBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/GroundingDinoInvocation" + }, + { + "$ref": "#/components/schemas/HEDEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/HeuristicResizeInvocation" + }, + { + "$ref": "#/components/schemas/IPAdapterInvocation" + }, + { + "$ref": "#/components/schemas/IdealSizeInvocation" + }, + { + "$ref": "#/components/schemas/ImageBatchInvocation" + }, + { + "$ref": "#/components/schemas/ImageBlurInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelMultiplyInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelOffsetInvocation" + }, + { + "$ref": "#/components/schemas/ImageCollectionInvocation" + }, + { + "$ref": "#/components/schemas/ImageConvertInvocation" + }, + { + "$ref": "#/components/schemas/ImageCropInvocation" + }, + { + "$ref": "#/components/schemas/ImageGenerator" + }, + { + "$ref": "#/components/schemas/ImageHueAdjustmentInvocation" + }, + { + "$ref": "#/components/schemas/ImageInverseLerpInvocation" + }, + { + "$ref": "#/components/schemas/ImageInvocation" + }, + { + "$ref": "#/components/schemas/ImageLerpInvocation" + }, + { + "$ref": "#/components/schemas/ImageMaskToTensorInvocation" + }, + { + "$ref": "#/components/schemas/ImageMultiplyInvocation" + }, + { + "$ref": "#/components/schemas/ImageNSFWBlurInvocation" + }, + { + "$ref": "#/components/schemas/ImageNoiseInvocation" + }, + { + "$ref": "#/components/schemas/ImagePanelLayoutInvocation" + }, + { + "$ref": "#/components/schemas/ImagePasteInvocation" + }, + { + "$ref": "#/components/schemas/ImageResizeInvocation" + }, + { + "$ref": "#/components/schemas/ImageScaleInvocation" + }, + { + "$ref": "#/components/schemas/ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/ImageWatermarkInvocation" + }, + { + "$ref": "#/components/schemas/InfillColorInvocation" + }, + { + "$ref": "#/components/schemas/InfillPatchMatchInvocation" + }, + { + "$ref": "#/components/schemas/InfillTileInvocation" + }, + { + "$ref": "#/components/schemas/IntegerBatchInvocation" + }, + { + "$ref": "#/components/schemas/IntegerCollectionInvocation" + }, + { + "$ref": "#/components/schemas/IntegerGenerator" + }, + { + "$ref": "#/components/schemas/IntegerInvocation" + }, + { + "$ref": "#/components/schemas/IntegerMathInvocation" + }, + { + "$ref": "#/components/schemas/InvertTensorMaskInvocation" + }, + { + "$ref": "#/components/schemas/InvokeAdjustImageHuePlusInvocation" + }, + { + "$ref": "#/components/schemas/InvokeEquivalentAchromaticLightnessInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageBlendInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageCompositorInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageDilateOrErodeInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageEnhanceInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageValueThresholdsInvocation" + }, + { + "$ref": "#/components/schemas/IterateInvocation" + }, + { + "$ref": "#/components/schemas/LaMaInfillInvocation" + }, + { + "$ref": "#/components/schemas/LatentsCollectionInvocation" + }, + { + "$ref": "#/components/schemas/LatentsInvocation" + }, + { + "$ref": "#/components/schemas/LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/LineartAnimeEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/LineartEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/LlavaOnevisionVllmInvocation" + }, + { + "$ref": "#/components/schemas/LoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/LoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/LoRASelectorInvocation" + }, + { + "$ref": "#/components/schemas/MLSDDetectionInvocation" + }, + { + "$ref": "#/components/schemas/MainModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/MaskCombineInvocation" + }, + { + "$ref": "#/components/schemas/MaskEdgeInvocation" + }, + { + "$ref": "#/components/schemas/MaskFromAlphaInvocation" + }, + { + "$ref": "#/components/schemas/MaskFromIDInvocation" + }, + { + "$ref": "#/components/schemas/MaskTensorToImageInvocation" + }, + { + "$ref": "#/components/schemas/MediaPipeFaceDetectionInvocation" + }, + { + "$ref": "#/components/schemas/MergeMetadataInvocation" + }, + { + "$ref": "#/components/schemas/MergeTilesToImageInvocation" + }, + { + "$ref": "#/components/schemas/MetadataFieldExtractorInvocation" + }, + { + "$ref": "#/components/schemas/MetadataFromImageInvocation" + }, + { + "$ref": "#/components/schemas/MetadataInvocation" + }, + { + "$ref": "#/components/schemas/MetadataItemInvocation" + }, + { + "$ref": "#/components/schemas/MetadataItemLinkedInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToBoolCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToBoolInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToControlnetsInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToFloatCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToFloatInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIPAdaptersInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIntegerCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIntegerInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToLorasCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToLorasInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToModelInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSDXLLorasInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSDXLModelInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSchedulerInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToStringCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToStringInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToT2IAdaptersInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToVAEInvocation" + }, + { + "$ref": "#/components/schemas/ModelIdentifierInvocation" + }, + { + "$ref": "#/components/schemas/MultiplyInvocation" + }, + { + "$ref": "#/components/schemas/NoiseInvocation" + }, + { + "$ref": "#/components/schemas/NormalMapInvocation" + }, + { + "$ref": "#/components/schemas/PairTileImageInvocation" + }, + { + "$ref": "#/components/schemas/PasteImageIntoBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/PiDiNetEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/PromptsFromFileInvocation" + }, + { + "$ref": "#/components/schemas/RandomFloatInvocation" + }, + { + "$ref": "#/components/schemas/RandomIntInvocation" + }, + { + "$ref": "#/components/schemas/RandomRangeInvocation" + }, + { + "$ref": "#/components/schemas/RangeInvocation" + }, + { + "$ref": "#/components/schemas/RangeOfSizeInvocation" + }, + { + "$ref": "#/components/schemas/RectangleMaskInvocation" + }, + { + "$ref": "#/components/schemas/ResizeLatentsInvocation" + }, + { + "$ref": "#/components/schemas/RoundInvocation" + }, + { + "$ref": "#/components/schemas/SD3DenoiseInvocation" + }, + { + "$ref": "#/components/schemas/SD3ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/SD3LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/SDXLCompelPromptInvocation" + }, + { + "$ref": "#/components/schemas/SDXLLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/SDXLLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/SDXLModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/SDXLRefinerCompelPromptInvocation" + }, + { + "$ref": "#/components/schemas/SDXLRefinerModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/SaveImageInvocation" + }, + { + "$ref": "#/components/schemas/ScaleLatentsInvocation" + }, + { + "$ref": "#/components/schemas/SchedulerInvocation" + }, + { + "$ref": "#/components/schemas/Sd3ModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/Sd3TextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/SeamlessModeInvocation" + }, + { + "$ref": "#/components/schemas/SegmentAnythingInvocation" + }, + { + "$ref": "#/components/schemas/ShowImageInvocation" + }, + { + "$ref": "#/components/schemas/SpandrelImageToImageAutoscaleInvocation" + }, + { + "$ref": "#/components/schemas/SpandrelImageToImageInvocation" + }, + { + "$ref": "#/components/schemas/StringBatchInvocation" + }, + { + "$ref": "#/components/schemas/StringCollectionInvocation" + }, + { + "$ref": "#/components/schemas/StringGenerator" + }, + { + "$ref": "#/components/schemas/StringInvocation" + }, + { + "$ref": "#/components/schemas/StringJoinInvocation" + }, + { + "$ref": "#/components/schemas/StringJoinThreeInvocation" + }, + { + "$ref": "#/components/schemas/StringReplaceInvocation" + }, + { + "$ref": "#/components/schemas/StringSplitInvocation" + }, + { + "$ref": "#/components/schemas/StringSplitNegInvocation" + }, + { + "$ref": "#/components/schemas/SubtractInvocation" + }, + { + "$ref": "#/components/schemas/T2IAdapterInvocation" + }, + { + "$ref": "#/components/schemas/TileToPropertiesInvocation" + }, + { + "$ref": "#/components/schemas/TiledMultiDiffusionDenoiseLatents" + }, + { + "$ref": "#/components/schemas/UnsharpMaskInvocation" + }, + { + "$ref": "#/components/schemas/VAELoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageDenoiseInvocation" + }, + { + "$ref": "#/components/schemas/ZImageImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/ZImageLatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/ZImageLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/ZImageLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageTextEncoderInvocation" + } + ], + "title": "Invocation" + }, + "invocation_source_id": { + "description": "The ID of the prepared invocation's source node", + "title": "Invocation Source Id", + "type": "string" + }, + "error_type": { + "description": "The error type", + "title": "Error Type", + "type": "string" + }, + "error_message": { + "description": "The error message", + "title": "Error Message", + "type": "string" + }, + "error_traceback": { + "description": "The error traceback", + "title": "Error Traceback", + "type": "string" + } + }, + "required": [ + "timestamp", + "queue_id", + "item_id", + "batch_id", + "origin", + "destination", + "session_id", + "invocation", + "invocation_source_id", + "error_type", + "error_message", + "error_traceback" + ], + "title": "InvocationErrorEvent", + "type": "object" + }, + "InvocationOutputMap": { + "type": "object", + "properties": { + "add": { + "$ref": "#/components/schemas/IntegerOutput" + }, + "alpha_mask_to_tensor": { + "$ref": "#/components/schemas/MaskOutput" + }, + "apply_mask_to_image": { + "$ref": "#/components/schemas/ImageOutput" + }, + "apply_tensor_mask_to_image": { + "$ref": "#/components/schemas/ImageOutput" + }, + "blank_image": { + "$ref": "#/components/schemas/ImageOutput" + }, + "boolean": { + "$ref": "#/components/schemas/BooleanOutput" + }, + "boolean_collection": { + "$ref": "#/components/schemas/BooleanCollectionOutput" + }, + "bounding_box": { + "$ref": "#/components/schemas/BoundingBoxOutput" + }, + "calculate_image_tiles": { + "$ref": "#/components/schemas/CalculateImageTilesOutput" + }, + "calculate_image_tiles_even_split": { + "$ref": "#/components/schemas/CalculateImageTilesOutput" + }, + "calculate_image_tiles_min_overlap": { + "$ref": "#/components/schemas/CalculateImageTilesOutput" + }, + "canny_edge_detection": { + "$ref": "#/components/schemas/ImageOutput" + }, + "canvas_paste_back": { + "$ref": "#/components/schemas/ImageOutput" + }, + "canvas_v2_mask_and_crop": { + "$ref": "#/components/schemas/ImageOutput" + }, + "clip_skip": { + "$ref": "#/components/schemas/CLIPSkipInvocationOutput" + }, + "cogview4_denoise": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "cogview4_i2l": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "cogview4_l2i": { + "$ref": "#/components/schemas/ImageOutput" + }, + "cogview4_model_loader": { + "$ref": "#/components/schemas/CogView4ModelLoaderOutput" + }, + "cogview4_text_encoder": { + "$ref": "#/components/schemas/CogView4ConditioningOutput" + }, + "collect": { + "$ref": "#/components/schemas/CollectInvocationOutput" + }, + "color": { + "$ref": "#/components/schemas/ColorOutput" + }, + "color_correct": { + "$ref": "#/components/schemas/ImageOutput" + }, + "color_map": { + "$ref": "#/components/schemas/ImageOutput" + }, + "compel": { + "$ref": "#/components/schemas/ConditioningOutput" + }, + "conditioning": { + "$ref": "#/components/schemas/ConditioningOutput" + }, + "conditioning_collection": { + "$ref": "#/components/schemas/ConditioningCollectionOutput" + }, + "content_shuffle": { + "$ref": "#/components/schemas/ImageOutput" + }, + "controlnet": { + "$ref": "#/components/schemas/ControlOutput" + }, + "core_metadata": { + "$ref": "#/components/schemas/MetadataOutput" + }, + "create_denoise_mask": { + "$ref": "#/components/schemas/DenoiseMaskOutput" + }, + "create_gradient_mask": { + "$ref": "#/components/schemas/GradientMaskOutput" + }, + "crop_image_to_bounding_box": { + "$ref": "#/components/schemas/ImageOutput" + }, + "crop_latents": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "cv_inpaint": { + "$ref": "#/components/schemas/ImageOutput" + }, + "denoise_latents": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "denoise_latents_meta": { + "$ref": "#/components/schemas/LatentsMetaOutput" + }, + "depth_anything_depth_estimation": { + "$ref": "#/components/schemas/ImageOutput" + }, + "div": { + "$ref": "#/components/schemas/IntegerOutput" + }, + "dw_openpose_detection": { + "$ref": "#/components/schemas/ImageOutput" + }, + "dynamic_prompt": { + "$ref": "#/components/schemas/StringCollectionOutput" + }, + "esrgan": { + "$ref": "#/components/schemas/ImageOutput" + }, + "expand_mask_with_fade": { + "$ref": "#/components/schemas/ImageOutput" + }, + "face_identifier": { + "$ref": "#/components/schemas/ImageOutput" + }, + "face_mask_detection": { + "$ref": "#/components/schemas/FaceMaskOutput" + }, + "face_off": { + "$ref": "#/components/schemas/FaceOffOutput" + }, + "float": { + "$ref": "#/components/schemas/FloatOutput" + }, + "float_batch": { + "$ref": "#/components/schemas/FloatOutput" + }, + "float_collection": { + "$ref": "#/components/schemas/FloatCollectionOutput" + }, + "float_generator": { + "$ref": "#/components/schemas/FloatGeneratorOutput" + }, + "float_math": { + "$ref": "#/components/schemas/FloatOutput" + }, + "float_range": { + "$ref": "#/components/schemas/FloatCollectionOutput" + }, + "float_to_int": { + "$ref": "#/components/schemas/IntegerOutput" + }, + "flux_control_lora_loader": { + "$ref": "#/components/schemas/FluxControlLoRALoaderOutput" + }, + "flux_controlnet": { + "$ref": "#/components/schemas/FluxControlNetOutput" + }, + "flux_denoise": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "flux_denoise_meta": { + "$ref": "#/components/schemas/LatentsMetaOutput" + }, + "flux_fill": { + "$ref": "#/components/schemas/FluxFillOutput" + }, + "flux_ip_adapter": { + "$ref": "#/components/schemas/IPAdapterOutput" + }, + "flux_kontext": { + "$ref": "#/components/schemas/FluxKontextOutput" + }, + "flux_kontext_image_prep": { + "$ref": "#/components/schemas/ImageOutput" + }, + "flux_lora_collection_loader": { + "$ref": "#/components/schemas/FluxLoRALoaderOutput" + }, + "flux_lora_loader": { + "$ref": "#/components/schemas/FluxLoRALoaderOutput" + }, + "flux_model_loader": { + "$ref": "#/components/schemas/FluxModelLoaderOutput" + }, + "flux_redux": { + "$ref": "#/components/schemas/FluxReduxOutput" + }, + "flux_text_encoder": { + "$ref": "#/components/schemas/FluxConditioningOutput" + }, + "flux_vae_decode": { + "$ref": "#/components/schemas/ImageOutput" + }, + "flux_vae_encode": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "freeu": { + "$ref": "#/components/schemas/UNetOutput" + }, + "get_image_mask_bounding_box": { + "$ref": "#/components/schemas/BoundingBoxOutput" + }, + "grounding_dino": { + "$ref": "#/components/schemas/BoundingBoxCollectionOutput" + }, + "hed_edge_detection": { + "$ref": "#/components/schemas/ImageOutput" + }, + "heuristic_resize": { + "$ref": "#/components/schemas/ImageOutput" + }, + "i2l": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "ideal_size": { + "$ref": "#/components/schemas/IdealSizeOutput" + }, + "image": { + "$ref": "#/components/schemas/ImageOutput" + }, + "image_batch": { + "$ref": "#/components/schemas/ImageOutput" + }, + "image_collection": { + "$ref": "#/components/schemas/ImageCollectionOutput" + }, + "image_generator": { + "$ref": "#/components/schemas/ImageGeneratorOutput" + }, + "image_mask_to_tensor": { + "$ref": "#/components/schemas/MaskOutput" + }, + "image_panel_layout": { + "$ref": "#/components/schemas/ImagePanelCoordinateOutput" + }, + "img_blur": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_chan": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_channel_multiply": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_channel_offset": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_conv": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_crop": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_hue_adjust": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_ilerp": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_lerp": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_mul": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_noise": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_nsfw": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_pad_crop": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_paste": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_resize": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_scale": { + "$ref": "#/components/schemas/ImageOutput" + }, + "img_watermark": { + "$ref": "#/components/schemas/ImageOutput" + }, + "infill_cv2": { + "$ref": "#/components/schemas/ImageOutput" + }, + "infill_lama": { + "$ref": "#/components/schemas/ImageOutput" + }, + "infill_patchmatch": { + "$ref": "#/components/schemas/ImageOutput" + }, + "infill_rgba": { + "$ref": "#/components/schemas/ImageOutput" + }, + "infill_tile": { + "$ref": "#/components/schemas/ImageOutput" + }, + "integer": { + "$ref": "#/components/schemas/IntegerOutput" + }, + "integer_batch": { + "$ref": "#/components/schemas/IntegerOutput" + }, + "integer_collection": { + "$ref": "#/components/schemas/IntegerCollectionOutput" + }, + "integer_generator": { + "$ref": "#/components/schemas/IntegerGeneratorOutput" + }, + "integer_math": { + "$ref": "#/components/schemas/IntegerOutput" + }, + "invert_tensor_mask": { + "$ref": "#/components/schemas/MaskOutput" + }, + "invokeai_ealightness": { + "$ref": "#/components/schemas/ImageOutput" + }, + "invokeai_img_blend": { + "$ref": "#/components/schemas/ImageOutput" + }, + "invokeai_img_composite": { + "$ref": "#/components/schemas/ImageOutput" + }, + "invokeai_img_dilate_erode": { + "$ref": "#/components/schemas/ImageOutput" + }, + "invokeai_img_enhance": { + "$ref": "#/components/schemas/ImageOutput" + }, + "invokeai_img_hue_adjust_plus": { + "$ref": "#/components/schemas/ImageOutput" + }, + "invokeai_img_val_thresholds": { + "$ref": "#/components/schemas/ImageOutput" + }, + "ip_adapter": { + "$ref": "#/components/schemas/IPAdapterOutput" + }, + "iterate": { + "$ref": "#/components/schemas/IterateInvocationOutput" + }, + "l2i": { + "$ref": "#/components/schemas/ImageOutput" + }, + "latents": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "latents_collection": { + "$ref": "#/components/schemas/LatentsCollectionOutput" + }, + "lblend": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "lineart_anime_edge_detection": { + "$ref": "#/components/schemas/ImageOutput" + }, + "lineart_edge_detection": { + "$ref": "#/components/schemas/ImageOutput" + }, + "llava_onevision_vllm": { + "$ref": "#/components/schemas/StringOutput" + }, + "lora_collection_loader": { + "$ref": "#/components/schemas/LoRALoaderOutput" + }, + "lora_loader": { + "$ref": "#/components/schemas/LoRALoaderOutput" + }, + "lora_selector": { + "$ref": "#/components/schemas/LoRASelectorOutput" + }, + "lresize": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "lscale": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "main_model_loader": { + "$ref": "#/components/schemas/ModelLoaderOutput" + }, + "mask_combine": { + "$ref": "#/components/schemas/ImageOutput" + }, + "mask_edge": { + "$ref": "#/components/schemas/ImageOutput" + }, + "mask_from_id": { + "$ref": "#/components/schemas/ImageOutput" + }, + "mediapipe_face_detection": { + "$ref": "#/components/schemas/ImageOutput" + }, + "merge_metadata": { + "$ref": "#/components/schemas/MetadataOutput" + }, + "merge_tiles_to_image": { + "$ref": "#/components/schemas/ImageOutput" + }, + "metadata": { + "$ref": "#/components/schemas/MetadataOutput" + }, + "metadata_field_extractor": { + "$ref": "#/components/schemas/StringOutput" + }, + "metadata_from_image": { + "$ref": "#/components/schemas/MetadataOutput" + }, + "metadata_item": { + "$ref": "#/components/schemas/MetadataItemOutput" + }, + "metadata_item_linked": { + "$ref": "#/components/schemas/MetadataOutput" + }, + "metadata_to_bool": { + "$ref": "#/components/schemas/BooleanOutput" + }, + "metadata_to_bool_collection": { + "$ref": "#/components/schemas/BooleanCollectionOutput" + }, + "metadata_to_controlnets": { + "$ref": "#/components/schemas/MDControlListOutput" + }, + "metadata_to_float": { + "$ref": "#/components/schemas/FloatOutput" + }, + "metadata_to_float_collection": { + "$ref": "#/components/schemas/FloatCollectionOutput" + }, + "metadata_to_integer": { + "$ref": "#/components/schemas/IntegerOutput" + }, + "metadata_to_integer_collection": { + "$ref": "#/components/schemas/IntegerCollectionOutput" + }, + "metadata_to_ip_adapters": { + "$ref": "#/components/schemas/MDIPAdapterListOutput" + }, + "metadata_to_lora_collection": { + "$ref": "#/components/schemas/MetadataToLorasCollectionOutput" + }, + "metadata_to_loras": { + "$ref": "#/components/schemas/LoRALoaderOutput" + }, + "metadata_to_model": { + "$ref": "#/components/schemas/MetadataToModelOutput" + }, + "metadata_to_scheduler": { + "$ref": "#/components/schemas/SchedulerOutput" + }, + "metadata_to_sdlx_loras": { + "$ref": "#/components/schemas/SDXLLoRALoaderOutput" + }, + "metadata_to_sdxl_model": { + "$ref": "#/components/schemas/MetadataToSDXLModelOutput" + }, + "metadata_to_string": { + "$ref": "#/components/schemas/StringOutput" + }, + "metadata_to_string_collection": { + "$ref": "#/components/schemas/StringCollectionOutput" + }, + "metadata_to_t2i_adapters": { + "$ref": "#/components/schemas/MDT2IAdapterListOutput" + }, + "metadata_to_vae": { + "$ref": "#/components/schemas/VAEOutput" + }, + "mlsd_detection": { + "$ref": "#/components/schemas/ImageOutput" + }, + "model_identifier": { + "$ref": "#/components/schemas/ModelIdentifierOutput" + }, + "mul": { + "$ref": "#/components/schemas/IntegerOutput" + }, + "noise": { + "$ref": "#/components/schemas/NoiseOutput" + }, + "normal_map": { + "$ref": "#/components/schemas/ImageOutput" + }, + "pair_tile_image": { + "$ref": "#/components/schemas/PairTileImageOutput" + }, + "paste_image_into_bounding_box": { + "$ref": "#/components/schemas/ImageOutput" + }, + "pidi_edge_detection": { + "$ref": "#/components/schemas/ImageOutput" + }, + "prompt_from_file": { + "$ref": "#/components/schemas/StringCollectionOutput" + }, + "rand_float": { + "$ref": "#/components/schemas/FloatOutput" + }, + "rand_int": { + "$ref": "#/components/schemas/IntegerOutput" + }, + "random_range": { + "$ref": "#/components/schemas/IntegerCollectionOutput" + }, + "range": { + "$ref": "#/components/schemas/IntegerCollectionOutput" + }, + "range_of_size": { + "$ref": "#/components/schemas/IntegerCollectionOutput" + }, + "rectangle_mask": { + "$ref": "#/components/schemas/MaskOutput" + }, + "round_float": { + "$ref": "#/components/schemas/FloatOutput" + }, + "save_image": { + "$ref": "#/components/schemas/ImageOutput" + }, + "scheduler": { + "$ref": "#/components/schemas/SchedulerOutput" + }, + "sd3_denoise": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "sd3_i2l": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "sd3_l2i": { + "$ref": "#/components/schemas/ImageOutput" + }, + "sd3_model_loader": { + "$ref": "#/components/schemas/Sd3ModelLoaderOutput" + }, + "sd3_text_encoder": { + "$ref": "#/components/schemas/SD3ConditioningOutput" + }, + "sdxl_compel_prompt": { + "$ref": "#/components/schemas/ConditioningOutput" + }, + "sdxl_lora_collection_loader": { + "$ref": "#/components/schemas/SDXLLoRALoaderOutput" + }, + "sdxl_lora_loader": { + "$ref": "#/components/schemas/SDXLLoRALoaderOutput" + }, + "sdxl_model_loader": { + "$ref": "#/components/schemas/SDXLModelLoaderOutput" + }, + "sdxl_refiner_compel_prompt": { + "$ref": "#/components/schemas/ConditioningOutput" + }, + "sdxl_refiner_model_loader": { + "$ref": "#/components/schemas/SDXLRefinerModelLoaderOutput" + }, + "seamless": { + "$ref": "#/components/schemas/SeamlessModeOutput" + }, + "segment_anything": { + "$ref": "#/components/schemas/MaskOutput" + }, + "show_image": { + "$ref": "#/components/schemas/ImageOutput" + }, + "spandrel_image_to_image": { + "$ref": "#/components/schemas/ImageOutput" + }, + "spandrel_image_to_image_autoscale": { + "$ref": "#/components/schemas/ImageOutput" + }, + "string": { + "$ref": "#/components/schemas/StringOutput" + }, + "string_batch": { + "$ref": "#/components/schemas/StringOutput" + }, + "string_collection": { + "$ref": "#/components/schemas/StringCollectionOutput" + }, + "string_generator": { + "$ref": "#/components/schemas/StringGeneratorOutput" + }, + "string_join": { + "$ref": "#/components/schemas/StringOutput" + }, + "string_join_three": { + "$ref": "#/components/schemas/StringOutput" + }, + "string_replace": { + "$ref": "#/components/schemas/StringOutput" + }, + "string_split": { + "$ref": "#/components/schemas/String2Output" + }, + "string_split_neg": { + "$ref": "#/components/schemas/StringPosNegOutput" + }, + "sub": { + "$ref": "#/components/schemas/IntegerOutput" + }, + "t2i_adapter": { + "$ref": "#/components/schemas/T2IAdapterOutput" + }, + "tensor_mask_to_image": { + "$ref": "#/components/schemas/ImageOutput" + }, + "tile_to_properties": { + "$ref": "#/components/schemas/TileToPropertiesOutput" + }, + "tiled_multi_diffusion_denoise_latents": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "tomask": { + "$ref": "#/components/schemas/ImageOutput" + }, + "unsharp_mask": { + "$ref": "#/components/schemas/ImageOutput" + }, + "vae_loader": { + "$ref": "#/components/schemas/VAEOutput" + }, + "z_image_denoise": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "z_image_i2l": { + "$ref": "#/components/schemas/LatentsOutput" + }, + "z_image_l2i": { + "$ref": "#/components/schemas/ImageOutput" + }, + "z_image_lora_collection_loader": { + "$ref": "#/components/schemas/ZImageLoRALoaderOutput" + }, + "z_image_lora_loader": { + "$ref": "#/components/schemas/ZImageLoRALoaderOutput" + }, + "z_image_model_loader": { + "$ref": "#/components/schemas/ZImageModelLoaderOutput" + }, + "z_image_text_encoder": { + "$ref": "#/components/schemas/ZImageConditioningOutput" + } + }, + "required": [ + "rand_int", + "metadata_to_bool_collection", + "z_image_i2l", + "lora_loader", + "img_lerp", + "lblend", + "blank_image", + "integer_collection", + "z_image_denoise", + "create_denoise_mask", + "denoise_latents_meta", + "img_channel_multiply", + "sdxl_refiner_compel_prompt", + "show_image", + "float_to_int", + "img_hue_adjust", + "sdxl_compel_prompt", + "get_image_mask_bounding_box", + "metadata_to_lora_collection", + "denoise_latents", + "img_channel_offset", + "string_generator", + "img_conv", + "range_of_size", + "cogview4_denoise", + "float", + "metadata_to_integer", + "t2i_adapter", + "invokeai_ealightness", + "float_batch", + "metadata_item", + "img_ilerp", + "face_mask_detection", + "tile_to_properties", + "conditioning", + "freeu", + "flux_kontext", + "mlsd_detection", + "sdxl_lora_collection_loader", + "invokeai_img_blend", + "img_blur", + "ideal_size", + "range", + "metadata_to_t2i_adapters", + "l2i", + "metadata_to_vae", + "lora_collection_loader", + "canvas_paste_back", + "img_paste", + "lresize", + "random_range", + "metadata_to_integer_collection", + "tensor_mask_to_image", + "alpha_mask_to_tensor", + "invokeai_img_hue_adjust_plus", + "string_split_neg", + "flux_fill", + "sd3_denoise", + "flux_controlnet", + "invokeai_img_dilate_erode", + "canvas_v2_mask_and_crop", + "lineart_edge_detection", + "merge_metadata", + "string_batch", + "mask_combine", + "color", + "float_range", + "crop_latents", + "spandrel_image_to_image", + "metadata_to_float", + "mul", + "infill_tile", + "cv_inpaint", + "calculate_image_tiles", + "img_nsfw", + "image_generator", + "flux_lora_collection_loader", + "string_join", + "seamless", + "sd3_i2l", + "flux_control_lora_loader", + "paste_image_into_bounding_box", + "clip_skip", + "conditioning_collection", + "flux_ip_adapter", + "metadata_to_ip_adapters", + "esrgan", + "invokeai_img_val_thresholds", + "face_identifier", + "metadata", + "cogview4_model_loader", + "sub", + "metadata_to_controlnets", + "z_image_text_encoder", + "string_join_three", + "unsharp_mask", + "grounding_dino", + "metadata_to_bool", + "apply_tensor_mask_to_image", + "flux_denoise_meta", + "iterate", + "image_batch", + "metadata_from_image", + "integer_math", + "metadata_to_string_collection", + "expand_mask_with_fade", + "integer_generator", + "sd3_l2i", + "boolean_collection", + "round_float", + "infill_rgba", + "z_image_l2i", + "vae_loader", + "controlnet", + "tiled_multi_diffusion_denoise_latents", + "string_split", + "cogview4_i2l", + "image_mask_to_tensor", + "heuristic_resize", + "img_watermark", + "scheduler", + "img_crop", + "sdxl_refiner_model_loader", + "segment_anything", + "color_map", + "boolean", + "hed_edge_detection", + "rectangle_mask", + "infill_lama", + "main_model_loader", + "save_image", + "calculate_image_tiles_even_split", + "image", + "flux_redux", + "noise", + "llava_onevision_vllm", + "invokeai_img_enhance", + "model_identifier", + "img_resize", + "integer_batch", + "img_noise", + "cogview4_text_encoder", + "latents_collection", + "metadata_to_loras", + "dynamic_prompt", + "metadata_item_linked", + "z_image_lora_loader", + "merge_tiles_to_image", + "img_chan", + "float_generator", + "compel", + "string", + "add", + "canny_edge_detection", + "string_collection", + "flux_denoise", + "sd3_text_encoder", + "metadata_to_scheduler", + "mask_edge", + "img_scale", + "flux_vae_decode", + "latents", + "flux_lora_loader", + "float_math", + "div", + "pidi_edge_detection", + "image_panel_layout", + "lscale", + "infill_patchmatch", + "face_off", + "sdxl_lora_loader", + "i2l", + "crop_image_to_bounding_box", + "core_metadata", + "calculate_image_tiles_min_overlap", + "image_collection", + "metadata_to_model", + "infill_cv2", + "z_image_lora_collection_loader", + "mask_from_id", + "tomask", + "cogview4_l2i", + "metadata_to_sdlx_loras", + "integer", + "normal_map", + "lineart_anime_edge_detection", + "content_shuffle", + "string_replace", + "img_mul", + "flux_text_encoder", + "sdxl_model_loader", + "prompt_from_file", + "invert_tensor_mask", + "rand_float", + "flux_vae_encode", + "ip_adapter", + "lora_selector", + "spandrel_image_to_image_autoscale", + "sd3_model_loader", + "bounding_box", + "metadata_to_string", + "dw_openpose_detection", + "collect", + "create_gradient_mask", + "flux_kontext_image_prep", + "apply_mask_to_image", + "pair_tile_image", + "z_image_model_loader", + "flux_model_loader", + "metadata_to_sdxl_model", + "metadata_to_float_collection", + "color_correct", + "metadata_field_extractor", + "float_collection", + "mediapipe_face_detection", + "depth_anything_depth_estimation", + "invokeai_img_composite", + "img_pad_crop" + ] + }, + "InvocationProgressEvent": { + "description": "Event model for invocation_progress", + "properties": { + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "queue_id": { + "description": "The ID of the queue", + "title": "Queue Id", + "type": "string" + }, + "item_id": { + "description": "The ID of the queue item", + "title": "Item Id", + "type": "integer" + }, + "batch_id": { + "description": "The ID of the queue batch", + "title": "Batch Id", + "type": "string" + }, + "origin": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "default": null, + "description": "The origin of the queue item", + "title": "Origin" + }, + "destination": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "default": null, + "description": "The destination of the queue item", + "title": "Destination" + }, + "session_id": { + "description": "The ID of the session (aka graph execution state)", + "title": "Session Id", + "type": "string" + }, + "invocation": { + "description": "The ID of the invocation", + "oneOf": [ + { + "$ref": "#/components/schemas/AddInvocation" + }, + { + "$ref": "#/components/schemas/AlphaMaskToTensorInvocation" + }, + { + "$ref": "#/components/schemas/ApplyMaskTensorToImageInvocation" + }, + { + "$ref": "#/components/schemas/ApplyMaskToImageInvocation" + }, + { + "$ref": "#/components/schemas/BlankImageInvocation" + }, + { + "$ref": "#/components/schemas/BlendLatentsInvocation" + }, + { + "$ref": "#/components/schemas/BooleanCollectionInvocation" + }, + { + "$ref": "#/components/schemas/BooleanInvocation" + }, + { + "$ref": "#/components/schemas/BoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/CLIPSkipInvocation" + }, + { + "$ref": "#/components/schemas/CV2InfillInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesEvenSplitInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesMinimumOverlapInvocation" + }, + { + "$ref": "#/components/schemas/CannyEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/CanvasPasteBackInvocation" + }, + { + "$ref": "#/components/schemas/CanvasV2MaskAndCropInvocation" + }, + { + "$ref": "#/components/schemas/CenterPadCropInvocation" + }, + { + "$ref": "#/components/schemas/CogView4DenoiseInvocation" + }, + { + "$ref": "#/components/schemas/CogView4ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/CogView4LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/CogView4ModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/CogView4TextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/CollectInvocation" + }, + { + "$ref": "#/components/schemas/ColorCorrectInvocation" + }, + { + "$ref": "#/components/schemas/ColorInvocation" + }, + { + "$ref": "#/components/schemas/ColorMapInvocation" + }, + { + "$ref": "#/components/schemas/CompelInvocation" + }, + { + "$ref": "#/components/schemas/ConditioningCollectionInvocation" + }, + { + "$ref": "#/components/schemas/ConditioningInvocation" + }, + { + "$ref": "#/components/schemas/ContentShuffleInvocation" + }, + { + "$ref": "#/components/schemas/ControlNetInvocation" + }, + { + "$ref": "#/components/schemas/CoreMetadataInvocation" + }, + { + "$ref": "#/components/schemas/CreateDenoiseMaskInvocation" + }, + { + "$ref": "#/components/schemas/CreateGradientMaskInvocation" + }, + { + "$ref": "#/components/schemas/CropImageToBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/CropLatentsCoreInvocation" + }, + { + "$ref": "#/components/schemas/CvInpaintInvocation" + }, + { + "$ref": "#/components/schemas/DWOpenposeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/DenoiseLatentsInvocation" + }, + { + "$ref": "#/components/schemas/DenoiseLatentsMetaInvocation" + }, + { + "$ref": "#/components/schemas/DepthAnythingDepthEstimationInvocation" + }, + { + "$ref": "#/components/schemas/DivideInvocation" + }, + { + "$ref": "#/components/schemas/DynamicPromptInvocation" + }, + { + "$ref": "#/components/schemas/ESRGANInvocation" + }, + { + "$ref": "#/components/schemas/ExpandMaskWithFadeInvocation" + }, + { + "$ref": "#/components/schemas/FLUXLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/FaceIdentifierInvocation" + }, + { + "$ref": "#/components/schemas/FaceMaskInvocation" + }, + { + "$ref": "#/components/schemas/FaceOffInvocation" + }, + { + "$ref": "#/components/schemas/FloatBatchInvocation" + }, + { + "$ref": "#/components/schemas/FloatCollectionInvocation" + }, + { + "$ref": "#/components/schemas/FloatGenerator" + }, + { + "$ref": "#/components/schemas/FloatInvocation" + }, + { + "$ref": "#/components/schemas/FloatLinearRangeInvocation" + }, + { + "$ref": "#/components/schemas/FloatMathInvocation" + }, + { + "$ref": "#/components/schemas/FloatToIntegerInvocation" + }, + { + "$ref": "#/components/schemas/FluxControlLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxControlNetInvocation" + }, + { + "$ref": "#/components/schemas/FluxDenoiseInvocation" + }, + { + "$ref": "#/components/schemas/FluxDenoiseLatentsMetaInvocation" + }, + { + "$ref": "#/components/schemas/FluxFillInvocation" + }, + { + "$ref": "#/components/schemas/FluxIPAdapterInvocation" + }, + { + "$ref": "#/components/schemas/FluxKontextConcatenateImagesInvocation" + }, + { + "$ref": "#/components/schemas/FluxKontextInvocation" + }, + { + "$ref": "#/components/schemas/FluxLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxReduxInvocation" + }, + { + "$ref": "#/components/schemas/FluxTextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/FluxVaeDecodeInvocation" + }, + { + "$ref": "#/components/schemas/FluxVaeEncodeInvocation" + }, + { + "$ref": "#/components/schemas/FreeUInvocation" + }, + { + "$ref": "#/components/schemas/GetMaskBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/GroundingDinoInvocation" + }, + { + "$ref": "#/components/schemas/HEDEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/HeuristicResizeInvocation" + }, + { + "$ref": "#/components/schemas/IPAdapterInvocation" + }, + { + "$ref": "#/components/schemas/IdealSizeInvocation" + }, + { + "$ref": "#/components/schemas/ImageBatchInvocation" + }, + { + "$ref": "#/components/schemas/ImageBlurInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelMultiplyInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelOffsetInvocation" + }, + { + "$ref": "#/components/schemas/ImageCollectionInvocation" + }, + { + "$ref": "#/components/schemas/ImageConvertInvocation" + }, + { + "$ref": "#/components/schemas/ImageCropInvocation" + }, + { + "$ref": "#/components/schemas/ImageGenerator" + }, + { + "$ref": "#/components/schemas/ImageHueAdjustmentInvocation" + }, + { + "$ref": "#/components/schemas/ImageInverseLerpInvocation" + }, + { + "$ref": "#/components/schemas/ImageInvocation" + }, + { + "$ref": "#/components/schemas/ImageLerpInvocation" + }, + { + "$ref": "#/components/schemas/ImageMaskToTensorInvocation" + }, + { + "$ref": "#/components/schemas/ImageMultiplyInvocation" + }, + { + "$ref": "#/components/schemas/ImageNSFWBlurInvocation" + }, + { + "$ref": "#/components/schemas/ImageNoiseInvocation" + }, + { + "$ref": "#/components/schemas/ImagePanelLayoutInvocation" + }, + { + "$ref": "#/components/schemas/ImagePasteInvocation" + }, + { + "$ref": "#/components/schemas/ImageResizeInvocation" + }, + { + "$ref": "#/components/schemas/ImageScaleInvocation" + }, + { + "$ref": "#/components/schemas/ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/ImageWatermarkInvocation" + }, + { + "$ref": "#/components/schemas/InfillColorInvocation" + }, + { + "$ref": "#/components/schemas/InfillPatchMatchInvocation" + }, + { + "$ref": "#/components/schemas/InfillTileInvocation" + }, + { + "$ref": "#/components/schemas/IntegerBatchInvocation" + }, + { + "$ref": "#/components/schemas/IntegerCollectionInvocation" + }, + { + "$ref": "#/components/schemas/IntegerGenerator" + }, + { + "$ref": "#/components/schemas/IntegerInvocation" + }, + { + "$ref": "#/components/schemas/IntegerMathInvocation" + }, + { + "$ref": "#/components/schemas/InvertTensorMaskInvocation" + }, + { + "$ref": "#/components/schemas/InvokeAdjustImageHuePlusInvocation" + }, + { + "$ref": "#/components/schemas/InvokeEquivalentAchromaticLightnessInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageBlendInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageCompositorInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageDilateOrErodeInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageEnhanceInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageValueThresholdsInvocation" + }, + { + "$ref": "#/components/schemas/IterateInvocation" + }, + { + "$ref": "#/components/schemas/LaMaInfillInvocation" + }, + { + "$ref": "#/components/schemas/LatentsCollectionInvocation" + }, + { + "$ref": "#/components/schemas/LatentsInvocation" + }, + { + "$ref": "#/components/schemas/LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/LineartAnimeEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/LineartEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/LlavaOnevisionVllmInvocation" + }, + { + "$ref": "#/components/schemas/LoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/LoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/LoRASelectorInvocation" + }, + { + "$ref": "#/components/schemas/MLSDDetectionInvocation" + }, + { + "$ref": "#/components/schemas/MainModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/MaskCombineInvocation" + }, + { + "$ref": "#/components/schemas/MaskEdgeInvocation" + }, + { + "$ref": "#/components/schemas/MaskFromAlphaInvocation" + }, + { + "$ref": "#/components/schemas/MaskFromIDInvocation" + }, + { + "$ref": "#/components/schemas/MaskTensorToImageInvocation" + }, + { + "$ref": "#/components/schemas/MediaPipeFaceDetectionInvocation" + }, + { + "$ref": "#/components/schemas/MergeMetadataInvocation" + }, + { + "$ref": "#/components/schemas/MergeTilesToImageInvocation" + }, + { + "$ref": "#/components/schemas/MetadataFieldExtractorInvocation" + }, + { + "$ref": "#/components/schemas/MetadataFromImageInvocation" + }, + { + "$ref": "#/components/schemas/MetadataInvocation" + }, + { + "$ref": "#/components/schemas/MetadataItemInvocation" + }, + { + "$ref": "#/components/schemas/MetadataItemLinkedInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToBoolCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToBoolInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToControlnetsInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToFloatCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToFloatInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIPAdaptersInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIntegerCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIntegerInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToLorasCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToLorasInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToModelInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSDXLLorasInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSDXLModelInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSchedulerInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToStringCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToStringInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToT2IAdaptersInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToVAEInvocation" + }, + { + "$ref": "#/components/schemas/ModelIdentifierInvocation" + }, + { + "$ref": "#/components/schemas/MultiplyInvocation" + }, + { + "$ref": "#/components/schemas/NoiseInvocation" + }, + { + "$ref": "#/components/schemas/NormalMapInvocation" + }, + { + "$ref": "#/components/schemas/PairTileImageInvocation" + }, + { + "$ref": "#/components/schemas/PasteImageIntoBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/PiDiNetEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/PromptsFromFileInvocation" + }, + { + "$ref": "#/components/schemas/RandomFloatInvocation" + }, + { + "$ref": "#/components/schemas/RandomIntInvocation" + }, + { + "$ref": "#/components/schemas/RandomRangeInvocation" + }, + { + "$ref": "#/components/schemas/RangeInvocation" + }, + { + "$ref": "#/components/schemas/RangeOfSizeInvocation" + }, + { + "$ref": "#/components/schemas/RectangleMaskInvocation" + }, + { + "$ref": "#/components/schemas/ResizeLatentsInvocation" + }, + { + "$ref": "#/components/schemas/RoundInvocation" + }, + { + "$ref": "#/components/schemas/SD3DenoiseInvocation" + }, + { + "$ref": "#/components/schemas/SD3ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/SD3LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/SDXLCompelPromptInvocation" + }, + { + "$ref": "#/components/schemas/SDXLLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/SDXLLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/SDXLModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/SDXLRefinerCompelPromptInvocation" + }, + { + "$ref": "#/components/schemas/SDXLRefinerModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/SaveImageInvocation" + }, + { + "$ref": "#/components/schemas/ScaleLatentsInvocation" + }, + { + "$ref": "#/components/schemas/SchedulerInvocation" + }, + { + "$ref": "#/components/schemas/Sd3ModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/Sd3TextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/SeamlessModeInvocation" + }, + { + "$ref": "#/components/schemas/SegmentAnythingInvocation" + }, + { + "$ref": "#/components/schemas/ShowImageInvocation" + }, + { + "$ref": "#/components/schemas/SpandrelImageToImageAutoscaleInvocation" + }, + { + "$ref": "#/components/schemas/SpandrelImageToImageInvocation" + }, + { + "$ref": "#/components/schemas/StringBatchInvocation" + }, + { + "$ref": "#/components/schemas/StringCollectionInvocation" + }, + { + "$ref": "#/components/schemas/StringGenerator" + }, + { + "$ref": "#/components/schemas/StringInvocation" + }, + { + "$ref": "#/components/schemas/StringJoinInvocation" + }, + { + "$ref": "#/components/schemas/StringJoinThreeInvocation" + }, + { + "$ref": "#/components/schemas/StringReplaceInvocation" + }, + { + "$ref": "#/components/schemas/StringSplitInvocation" + }, + { + "$ref": "#/components/schemas/StringSplitNegInvocation" + }, + { + "$ref": "#/components/schemas/SubtractInvocation" + }, + { + "$ref": "#/components/schemas/T2IAdapterInvocation" + }, + { + "$ref": "#/components/schemas/TileToPropertiesInvocation" + }, + { + "$ref": "#/components/schemas/TiledMultiDiffusionDenoiseLatents" + }, + { + "$ref": "#/components/schemas/UnsharpMaskInvocation" + }, + { + "$ref": "#/components/schemas/VAELoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageDenoiseInvocation" + }, + { + "$ref": "#/components/schemas/ZImageImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/ZImageLatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/ZImageLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/ZImageLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageTextEncoderInvocation" + } ], "title": "Invocation" }, @@ -20207,732 +31163,35 @@ "title": "Invocation Source Id", "type": "string" }, - "error_type": { "description": "The error type", "title": "Error Type", "type": "string" }, - "error_message": { "description": "The error message", "title": "Error Message", "type": "string" }, - "error_traceback": { "description": "The error traceback", "title": "Error Traceback", "type": "string" } - }, - "required": [ - "timestamp", - "queue_id", - "item_id", - "batch_id", - "origin", - "destination", - "session_id", - "invocation", - "invocation_source_id", - "error_type", - "error_message", - "error_traceback" - ], - "title": "InvocationErrorEvent", - "type": "object" - }, - "InvocationOutputMap": { - "type": "object", - "properties": { - "add": { "$ref": "#/components/schemas/IntegerOutput" }, - "alpha_mask_to_tensor": { "$ref": "#/components/schemas/MaskOutput" }, - "apply_mask_to_image": { "$ref": "#/components/schemas/ImageOutput" }, - "apply_tensor_mask_to_image": { "$ref": "#/components/schemas/ImageOutput" }, - "blank_image": { "$ref": "#/components/schemas/ImageOutput" }, - "boolean": { "$ref": "#/components/schemas/BooleanOutput" }, - "boolean_collection": { "$ref": "#/components/schemas/BooleanCollectionOutput" }, - "bounding_box": { "$ref": "#/components/schemas/BoundingBoxOutput" }, - "calculate_image_tiles": { "$ref": "#/components/schemas/CalculateImageTilesOutput" }, - "calculate_image_tiles_even_split": { "$ref": "#/components/schemas/CalculateImageTilesOutput" }, - "calculate_image_tiles_min_overlap": { "$ref": "#/components/schemas/CalculateImageTilesOutput" }, - "canny_edge_detection": { "$ref": "#/components/schemas/ImageOutput" }, - "canvas_paste_back": { "$ref": "#/components/schemas/ImageOutput" }, - "canvas_v2_mask_and_crop": { "$ref": "#/components/schemas/ImageOutput" }, - "clip_skip": { "$ref": "#/components/schemas/CLIPSkipInvocationOutput" }, - "cogview4_denoise": { "$ref": "#/components/schemas/LatentsOutput" }, - "cogview4_i2l": { "$ref": "#/components/schemas/LatentsOutput" }, - "cogview4_l2i": { "$ref": "#/components/schemas/ImageOutput" }, - "cogview4_model_loader": { "$ref": "#/components/schemas/CogView4ModelLoaderOutput" }, - "cogview4_text_encoder": { "$ref": "#/components/schemas/CogView4ConditioningOutput" }, - "collect": { "$ref": "#/components/schemas/CollectInvocationOutput" }, - "color": { "$ref": "#/components/schemas/ColorOutput" }, - "color_correct": { "$ref": "#/components/schemas/ImageOutput" }, - "color_map": { "$ref": "#/components/schemas/ImageOutput" }, - "compel": { "$ref": "#/components/schemas/ConditioningOutput" }, - "conditioning": { "$ref": "#/components/schemas/ConditioningOutput" }, - "conditioning_collection": { "$ref": "#/components/schemas/ConditioningCollectionOutput" }, - "content_shuffle": { "$ref": "#/components/schemas/ImageOutput" }, - "controlnet": { "$ref": "#/components/schemas/ControlOutput" }, - "core_metadata": { "$ref": "#/components/schemas/MetadataOutput" }, - "create_denoise_mask": { "$ref": "#/components/schemas/DenoiseMaskOutput" }, - "create_gradient_mask": { "$ref": "#/components/schemas/GradientMaskOutput" }, - "crop_image_to_bounding_box": { "$ref": "#/components/schemas/ImageOutput" }, - "crop_latents": { "$ref": "#/components/schemas/LatentsOutput" }, - "cv_inpaint": { "$ref": "#/components/schemas/ImageOutput" }, - "denoise_latents": { "$ref": "#/components/schemas/LatentsOutput" }, - "denoise_latents_meta": { "$ref": "#/components/schemas/LatentsMetaOutput" }, - "depth_anything_depth_estimation": { "$ref": "#/components/schemas/ImageOutput" }, - "div": { "$ref": "#/components/schemas/IntegerOutput" }, - "dw_openpose_detection": { "$ref": "#/components/schemas/ImageOutput" }, - "dynamic_prompt": { "$ref": "#/components/schemas/StringCollectionOutput" }, - "esrgan": { "$ref": "#/components/schemas/ImageOutput" }, - "expand_mask_with_fade": { "$ref": "#/components/schemas/ImageOutput" }, - "face_identifier": { "$ref": "#/components/schemas/ImageOutput" }, - "face_mask_detection": { "$ref": "#/components/schemas/FaceMaskOutput" }, - "face_off": { "$ref": "#/components/schemas/FaceOffOutput" }, - "float": { "$ref": "#/components/schemas/FloatOutput" }, - "float_batch": { "$ref": "#/components/schemas/FloatOutput" }, - "float_collection": { "$ref": "#/components/schemas/FloatCollectionOutput" }, - "float_generator": { "$ref": "#/components/schemas/FloatGeneratorOutput" }, - "float_math": { "$ref": "#/components/schemas/FloatOutput" }, - "float_range": { "$ref": "#/components/schemas/FloatCollectionOutput" }, - "float_to_int": { "$ref": "#/components/schemas/IntegerOutput" }, - "flux_control_lora_loader": { "$ref": "#/components/schemas/FluxControlLoRALoaderOutput" }, - "flux_controlnet": { "$ref": "#/components/schemas/FluxControlNetOutput" }, - "flux_denoise": { "$ref": "#/components/schemas/LatentsOutput" }, - "flux_denoise_meta": { "$ref": "#/components/schemas/LatentsMetaOutput" }, - "flux_fill": { "$ref": "#/components/schemas/FluxFillOutput" }, - "flux_ip_adapter": { "$ref": "#/components/schemas/IPAdapterOutput" }, - "flux_kontext": { "$ref": "#/components/schemas/FluxKontextOutput" }, - "flux_kontext_image_prep": { "$ref": "#/components/schemas/ImageOutput" }, - "flux_lora_collection_loader": { "$ref": "#/components/schemas/FluxLoRALoaderOutput" }, - "flux_lora_loader": { "$ref": "#/components/schemas/FluxLoRALoaderOutput" }, - "flux_model_loader": { "$ref": "#/components/schemas/FluxModelLoaderOutput" }, - "flux_redux": { "$ref": "#/components/schemas/FluxReduxOutput" }, - "flux_text_encoder": { "$ref": "#/components/schemas/FluxConditioningOutput" }, - "flux_vae_decode": { "$ref": "#/components/schemas/ImageOutput" }, - "flux_vae_encode": { "$ref": "#/components/schemas/LatentsOutput" }, - "freeu": { "$ref": "#/components/schemas/UNetOutput" }, - "get_image_mask_bounding_box": { "$ref": "#/components/schemas/BoundingBoxOutput" }, - "grounding_dino": { "$ref": "#/components/schemas/BoundingBoxCollectionOutput" }, - "hed_edge_detection": { "$ref": "#/components/schemas/ImageOutput" }, - "heuristic_resize": { "$ref": "#/components/schemas/ImageOutput" }, - "i2l": { "$ref": "#/components/schemas/LatentsOutput" }, - "ideal_size": { "$ref": "#/components/schemas/IdealSizeOutput" }, - "image": { "$ref": "#/components/schemas/ImageOutput" }, - "image_batch": { "$ref": "#/components/schemas/ImageOutput" }, - "image_collection": { "$ref": "#/components/schemas/ImageCollectionOutput" }, - "image_generator": { "$ref": "#/components/schemas/ImageGeneratorOutput" }, - "image_mask_to_tensor": { "$ref": "#/components/schemas/MaskOutput" }, - "image_panel_layout": { "$ref": "#/components/schemas/ImagePanelCoordinateOutput" }, - "img_blur": { "$ref": "#/components/schemas/ImageOutput" }, - "img_chan": { "$ref": "#/components/schemas/ImageOutput" }, - "img_channel_multiply": { "$ref": "#/components/schemas/ImageOutput" }, - "img_channel_offset": { "$ref": "#/components/schemas/ImageOutput" }, - "img_conv": { "$ref": "#/components/schemas/ImageOutput" }, - "img_crop": { "$ref": "#/components/schemas/ImageOutput" }, - "img_hue_adjust": { "$ref": "#/components/schemas/ImageOutput" }, - "img_ilerp": { "$ref": "#/components/schemas/ImageOutput" }, - "img_lerp": { "$ref": "#/components/schemas/ImageOutput" }, - "img_mul": { "$ref": "#/components/schemas/ImageOutput" }, - "img_noise": { "$ref": "#/components/schemas/ImageOutput" }, - "img_nsfw": { "$ref": "#/components/schemas/ImageOutput" }, - "img_pad_crop": { "$ref": "#/components/schemas/ImageOutput" }, - "img_paste": { "$ref": "#/components/schemas/ImageOutput" }, - "img_resize": { "$ref": "#/components/schemas/ImageOutput" }, - "img_scale": { "$ref": "#/components/schemas/ImageOutput" }, - "img_watermark": { "$ref": "#/components/schemas/ImageOutput" }, - "infill_cv2": { "$ref": "#/components/schemas/ImageOutput" }, - "infill_lama": { "$ref": "#/components/schemas/ImageOutput" }, - "infill_patchmatch": { "$ref": "#/components/schemas/ImageOutput" }, - "infill_rgba": { "$ref": "#/components/schemas/ImageOutput" }, - "infill_tile": { "$ref": "#/components/schemas/ImageOutput" }, - "integer": { "$ref": "#/components/schemas/IntegerOutput" }, - "integer_batch": { "$ref": "#/components/schemas/IntegerOutput" }, - "integer_collection": { "$ref": "#/components/schemas/IntegerCollectionOutput" }, - "integer_generator": { "$ref": "#/components/schemas/IntegerGeneratorOutput" }, - "integer_math": { "$ref": "#/components/schemas/IntegerOutput" }, - "invert_tensor_mask": { "$ref": "#/components/schemas/MaskOutput" }, - "invokeai_ealightness": { "$ref": "#/components/schemas/ImageOutput" }, - "invokeai_img_blend": { "$ref": "#/components/schemas/ImageOutput" }, - "invokeai_img_composite": { "$ref": "#/components/schemas/ImageOutput" }, - "invokeai_img_dilate_erode": { "$ref": "#/components/schemas/ImageOutput" }, - "invokeai_img_enhance": { "$ref": "#/components/schemas/ImageOutput" }, - "invokeai_img_hue_adjust_plus": { "$ref": "#/components/schemas/ImageOutput" }, - "invokeai_img_val_thresholds": { "$ref": "#/components/schemas/ImageOutput" }, - "ip_adapter": { "$ref": "#/components/schemas/IPAdapterOutput" }, - "iterate": { "$ref": "#/components/schemas/IterateInvocationOutput" }, - "l2i": { "$ref": "#/components/schemas/ImageOutput" }, - "latents": { "$ref": "#/components/schemas/LatentsOutput" }, - "latents_collection": { "$ref": "#/components/schemas/LatentsCollectionOutput" }, - "lblend": { "$ref": "#/components/schemas/LatentsOutput" }, - "lineart_anime_edge_detection": { "$ref": "#/components/schemas/ImageOutput" }, - "lineart_edge_detection": { "$ref": "#/components/schemas/ImageOutput" }, - "llava_onevision_vllm": { "$ref": "#/components/schemas/StringOutput" }, - "lora_collection_loader": { "$ref": "#/components/schemas/LoRALoaderOutput" }, - "lora_loader": { "$ref": "#/components/schemas/LoRALoaderOutput" }, - "lora_selector": { "$ref": "#/components/schemas/LoRASelectorOutput" }, - "lresize": { "$ref": "#/components/schemas/LatentsOutput" }, - "lscale": { "$ref": "#/components/schemas/LatentsOutput" }, - "main_model_loader": { "$ref": "#/components/schemas/ModelLoaderOutput" }, - "mask_combine": { "$ref": "#/components/schemas/ImageOutput" }, - "mask_edge": { "$ref": "#/components/schemas/ImageOutput" }, - "mask_from_id": { "$ref": "#/components/schemas/ImageOutput" }, - "mediapipe_face_detection": { "$ref": "#/components/schemas/ImageOutput" }, - "merge_metadata": { "$ref": "#/components/schemas/MetadataOutput" }, - "merge_tiles_to_image": { "$ref": "#/components/schemas/ImageOutput" }, - "metadata": { "$ref": "#/components/schemas/MetadataOutput" }, - "metadata_field_extractor": { "$ref": "#/components/schemas/StringOutput" }, - "metadata_from_image": { "$ref": "#/components/schemas/MetadataOutput" }, - "metadata_item": { "$ref": "#/components/schemas/MetadataItemOutput" }, - "metadata_item_linked": { "$ref": "#/components/schemas/MetadataOutput" }, - "metadata_to_bool": { "$ref": "#/components/schemas/BooleanOutput" }, - "metadata_to_bool_collection": { "$ref": "#/components/schemas/BooleanCollectionOutput" }, - "metadata_to_controlnets": { "$ref": "#/components/schemas/MDControlListOutput" }, - "metadata_to_float": { "$ref": "#/components/schemas/FloatOutput" }, - "metadata_to_float_collection": { "$ref": "#/components/schemas/FloatCollectionOutput" }, - "metadata_to_integer": { "$ref": "#/components/schemas/IntegerOutput" }, - "metadata_to_integer_collection": { "$ref": "#/components/schemas/IntegerCollectionOutput" }, - "metadata_to_ip_adapters": { "$ref": "#/components/schemas/MDIPAdapterListOutput" }, - "metadata_to_lora_collection": { "$ref": "#/components/schemas/MetadataToLorasCollectionOutput" }, - "metadata_to_loras": { "$ref": "#/components/schemas/LoRALoaderOutput" }, - "metadata_to_model": { "$ref": "#/components/schemas/MetadataToModelOutput" }, - "metadata_to_scheduler": { "$ref": "#/components/schemas/SchedulerOutput" }, - "metadata_to_sdlx_loras": { "$ref": "#/components/schemas/SDXLLoRALoaderOutput" }, - "metadata_to_sdxl_model": { "$ref": "#/components/schemas/MetadataToSDXLModelOutput" }, - "metadata_to_string": { "$ref": "#/components/schemas/StringOutput" }, - "metadata_to_string_collection": { "$ref": "#/components/schemas/StringCollectionOutput" }, - "metadata_to_t2i_adapters": { "$ref": "#/components/schemas/MDT2IAdapterListOutput" }, - "metadata_to_vae": { "$ref": "#/components/schemas/VAEOutput" }, - "mlsd_detection": { "$ref": "#/components/schemas/ImageOutput" }, - "model_identifier": { "$ref": "#/components/schemas/ModelIdentifierOutput" }, - "mul": { "$ref": "#/components/schemas/IntegerOutput" }, - "noise": { "$ref": "#/components/schemas/NoiseOutput" }, - "normal_map": { "$ref": "#/components/schemas/ImageOutput" }, - "pair_tile_image": { "$ref": "#/components/schemas/PairTileImageOutput" }, - "paste_image_into_bounding_box": { "$ref": "#/components/schemas/ImageOutput" }, - "pidi_edge_detection": { "$ref": "#/components/schemas/ImageOutput" }, - "prompt_from_file": { "$ref": "#/components/schemas/StringCollectionOutput" }, - "rand_float": { "$ref": "#/components/schemas/FloatOutput" }, - "rand_int": { "$ref": "#/components/schemas/IntegerOutput" }, - "random_range": { "$ref": "#/components/schemas/IntegerCollectionOutput" }, - "range": { "$ref": "#/components/schemas/IntegerCollectionOutput" }, - "range_of_size": { "$ref": "#/components/schemas/IntegerCollectionOutput" }, - "rectangle_mask": { "$ref": "#/components/schemas/MaskOutput" }, - "round_float": { "$ref": "#/components/schemas/FloatOutput" }, - "save_image": { "$ref": "#/components/schemas/ImageOutput" }, - "scheduler": { "$ref": "#/components/schemas/SchedulerOutput" }, - "sd3_denoise": { "$ref": "#/components/schemas/LatentsOutput" }, - "sd3_i2l": { "$ref": "#/components/schemas/LatentsOutput" }, - "sd3_l2i": { "$ref": "#/components/schemas/ImageOutput" }, - "sd3_model_loader": { "$ref": "#/components/schemas/Sd3ModelLoaderOutput" }, - "sd3_text_encoder": { "$ref": "#/components/schemas/SD3ConditioningOutput" }, - "sdxl_compel_prompt": { "$ref": "#/components/schemas/ConditioningOutput" }, - "sdxl_lora_collection_loader": { "$ref": "#/components/schemas/SDXLLoRALoaderOutput" }, - "sdxl_lora_loader": { "$ref": "#/components/schemas/SDXLLoRALoaderOutput" }, - "sdxl_model_loader": { "$ref": "#/components/schemas/SDXLModelLoaderOutput" }, - "sdxl_refiner_compel_prompt": { "$ref": "#/components/schemas/ConditioningOutput" }, - "sdxl_refiner_model_loader": { "$ref": "#/components/schemas/SDXLRefinerModelLoaderOutput" }, - "seamless": { "$ref": "#/components/schemas/SeamlessModeOutput" }, - "segment_anything": { "$ref": "#/components/schemas/MaskOutput" }, - "show_image": { "$ref": "#/components/schemas/ImageOutput" }, - "spandrel_image_to_image": { "$ref": "#/components/schemas/ImageOutput" }, - "spandrel_image_to_image_autoscale": { "$ref": "#/components/schemas/ImageOutput" }, - "string": { "$ref": "#/components/schemas/StringOutput" }, - "string_batch": { "$ref": "#/components/schemas/StringOutput" }, - "string_collection": { "$ref": "#/components/schemas/StringCollectionOutput" }, - "string_generator": { "$ref": "#/components/schemas/StringGeneratorOutput" }, - "string_join": { "$ref": "#/components/schemas/StringOutput" }, - "string_join_three": { "$ref": "#/components/schemas/StringOutput" }, - "string_replace": { "$ref": "#/components/schemas/StringOutput" }, - "string_split": { "$ref": "#/components/schemas/String2Output" }, - "string_split_neg": { "$ref": "#/components/schemas/StringPosNegOutput" }, - "sub": { "$ref": "#/components/schemas/IntegerOutput" }, - "t2i_adapter": { "$ref": "#/components/schemas/T2IAdapterOutput" }, - "tensor_mask_to_image": { "$ref": "#/components/schemas/ImageOutput" }, - "tile_to_properties": { "$ref": "#/components/schemas/TileToPropertiesOutput" }, - "tiled_multi_diffusion_denoise_latents": { "$ref": "#/components/schemas/LatentsOutput" }, - "tomask": { "$ref": "#/components/schemas/ImageOutput" }, - "unsharp_mask": { "$ref": "#/components/schemas/ImageOutput" }, - "vae_loader": { "$ref": "#/components/schemas/VAEOutput" }, - "z_image_denoise": { "$ref": "#/components/schemas/LatentsOutput" }, - "z_image_i2l": { "$ref": "#/components/schemas/LatentsOutput" }, - "z_image_l2i": { "$ref": "#/components/schemas/ImageOutput" }, - "z_image_lora_collection_loader": { "$ref": "#/components/schemas/ZImageLoRALoaderOutput" }, - "z_image_lora_loader": { "$ref": "#/components/schemas/ZImageLoRALoaderOutput" }, - "z_image_model_loader": { "$ref": "#/components/schemas/ZImageModelLoaderOutput" }, - "z_image_text_encoder": { "$ref": "#/components/schemas/ZImageConditioningOutput" } - }, - "required": [ - "invokeai_img_val_thresholds", - "lora_loader", - "flux_kontext_image_prep", - "canny_edge_detection", - "infill_patchmatch", - "calculate_image_tiles_min_overlap", - "esrgan", - "metadata_to_float_collection", - "metadata_to_float", - "flux_control_lora_loader", - "heuristic_resize", - "freeu", - "l2i", - "float_batch", - "string", - "metadata_to_model", - "img_lerp", - "float_math", - "metadata_field_extractor", - "add", - "invokeai_img_dilate_erode", - "sdxl_lora_collection_loader", - "infill_cv2", - "tiled_multi_diffusion_denoise_latents", - "img_crop", - "flux_denoise", - "metadata_to_bool", - "tensor_mask_to_image", - "img_noise", - "mask_from_id", - "image_generator", - "pidi_edge_detection", - "show_image", - "metadata_to_ip_adapters", - "cogview4_denoise", - "i2l", - "tomask", - "latents_collection", - "lscale", - "controlnet", - "lora_collection_loader", - "spandrel_image_to_image_autoscale", - "sd3_text_encoder", - "metadata_to_sdxl_model", - "clip_skip", - "create_denoise_mask", - "infill_rgba", - "string_split_neg", - "canvas_paste_back", - "flux_vae_decode", - "flux_ip_adapter", - "integer_math", - "sdxl_lora_loader", - "paste_image_into_bounding_box", - "model_identifier", - "z_image_lora_loader", - "flux_text_encoder", - "boolean_collection", - "metadata", - "image_mask_to_tensor", - "cogview4_i2l", - "invokeai_img_blend", - "mask_edge", - "img_chan", - "latents", - "grounding_dino", - "flux_controlnet", - "invokeai_img_hue_adjust_plus", - "img_conv", - "round_float", - "infill_tile", - "canvas_v2_mask_and_crop", - "img_paste", - "flux_lora_collection_loader", - "dw_openpose_detection", - "create_gradient_mask", - "z_image_lora_collection_loader", - "blank_image", - "metadata_to_integer_collection", - "image", - "metadata_to_sdlx_loras", - "flux_fill", - "noise", - "sd3_l2i", - "llava_onevision_vllm", - "range_of_size", - "infill_lama", - "img_mul", - "color", - "metadata_to_t2i_adapters", - "float", - "integer", - "metadata_to_string", - "compel", - "lora_selector", - "conditioning_collection", - "lresize", - "ideal_size", - "sdxl_refiner_model_loader", - "flux_redux", - "rand_float", - "face_mask_detection", - "ip_adapter", - "sdxl_refiner_compel_prompt", - "z_image_l2i", - "z_image_denoise", - "spandrel_image_to_image", - "img_pad_crop", - "float_range", - "metadata_to_controlnets", - "apply_tensor_mask_to_image", - "calculate_image_tiles", - "mask_combine", - "metadata_to_loras", - "metadata_item_linked", - "cogview4_l2i", - "bounding_box", - "sd3_i2l", - "flux_vae_encode", - "float_to_int", - "invokeai_img_enhance", - "string_join_three", - "string_generator", - "normal_map", - "metadata_to_lora_collection", - "merge_metadata", - "invokeai_ealightness", - "img_nsfw", - "sd3_denoise", - "face_identifier", - "z_image_model_loader", - "denoise_latents_meta", - "integer_collection", - "flux_kontext", - "metadata_from_image", - "rectangle_mask", - "content_shuffle", - "seamless", - "z_image_i2l", - "string_replace", - "apply_mask_to_image", - "float_collection", - "cogview4_model_loader", - "pair_tile_image", - "segment_anything", - "mlsd_detection", - "hed_edge_detection", - "depth_anything_depth_estimation", - "scheduler", - "mediapipe_face_detection", - "lineart_edge_detection", - "main_model_loader", - "img_channel_offset", - "float_generator", - "calculate_image_tiles_even_split", - "flux_denoise_meta", - "rand_int", - "div", - "iterate", - "cv_inpaint", - "tile_to_properties", - "save_image", - "img_ilerp", - "image_collection", - "unsharp_mask", - "alpha_mask_to_tensor", - "image_batch", - "metadata_to_bool_collection", - "sdxl_compel_prompt", - "lineart_anime_edge_detection", - "prompt_from_file", - "sub", - "cogview4_text_encoder", - "invokeai_img_composite", - "string_split", - "string_batch", - "boolean", - "metadata_to_scheduler", - "get_image_mask_bounding_box", - "z_image_text_encoder", - "img_watermark", - "img_scale", - "flux_model_loader", - "t2i_adapter", - "color_map", - "invert_tensor_mask", - "vae_loader", - "merge_tiles_to_image", - "img_hue_adjust", - "conditioning", - "metadata_to_string_collection", - "string_collection", - "random_range", - "crop_image_to_bounding_box", - "img_channel_multiply", - "img_blur", - "sd3_model_loader", - "mul", - "collect", - "crop_latents", - "lblend", - "integer_batch", - "flux_lora_loader", - "core_metadata", - "face_off", - "range", - "image_panel_layout", - "color_correct", - "integer_generator", - "img_resize", - "sdxl_model_loader", - "metadata_to_vae", - "denoise_latents", - "dynamic_prompt", - "string_join", - "expand_mask_with_fade", - "metadata_to_integer", - "metadata_item" - ] - }, - "InvocationProgressEvent": { - "description": "Event model for invocation_progress", - "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "queue_id": { "description": "The ID of the queue", "title": "Queue Id", "type": "string" }, - "item_id": { "description": "The ID of the queue item", "title": "Item Id", "type": "integer" }, - "batch_id": { "description": "The ID of the queue batch", "title": "Batch Id", "type": "string" }, - "origin": { - "anyOf": [{ "type": "string" }, { "type": "null" }], - "default": null, - "description": "The origin of the queue item", - "title": "Origin" - }, - "destination": { - "anyOf": [{ "type": "string" }, { "type": "null" }], - "default": null, - "description": "The destination of the queue item", - "title": "Destination" - }, - "session_id": { - "description": "The ID of the session (aka graph execution state)", - "title": "Session Id", - "type": "string" - }, - "invocation": { - "description": "The ID of the invocation", - "oneOf": [ - { "$ref": "#/components/schemas/AddInvocation" }, - { "$ref": "#/components/schemas/AlphaMaskToTensorInvocation" }, - { "$ref": "#/components/schemas/ApplyMaskTensorToImageInvocation" }, - { "$ref": "#/components/schemas/ApplyMaskToImageInvocation" }, - { "$ref": "#/components/schemas/BlankImageInvocation" }, - { "$ref": "#/components/schemas/BlendLatentsInvocation" }, - { "$ref": "#/components/schemas/BooleanCollectionInvocation" }, - { "$ref": "#/components/schemas/BooleanInvocation" }, - { "$ref": "#/components/schemas/BoundingBoxInvocation" }, - { "$ref": "#/components/schemas/CLIPSkipInvocation" }, - { "$ref": "#/components/schemas/CV2InfillInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesEvenSplitInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesMinimumOverlapInvocation" }, - { "$ref": "#/components/schemas/CannyEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/CanvasPasteBackInvocation" }, - { "$ref": "#/components/schemas/CanvasV2MaskAndCropInvocation" }, - { "$ref": "#/components/schemas/CenterPadCropInvocation" }, - { "$ref": "#/components/schemas/CogView4DenoiseInvocation" }, - { "$ref": "#/components/schemas/CogView4ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/CogView4LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/CogView4ModelLoaderInvocation" }, - { "$ref": "#/components/schemas/CogView4TextEncoderInvocation" }, - { "$ref": "#/components/schemas/CollectInvocation" }, - { "$ref": "#/components/schemas/ColorCorrectInvocation" }, - { "$ref": "#/components/schemas/ColorInvocation" }, - { "$ref": "#/components/schemas/ColorMapInvocation" }, - { "$ref": "#/components/schemas/CompelInvocation" }, - { "$ref": "#/components/schemas/ConditioningCollectionInvocation" }, - { "$ref": "#/components/schemas/ConditioningInvocation" }, - { "$ref": "#/components/schemas/ContentShuffleInvocation" }, - { "$ref": "#/components/schemas/ControlNetInvocation" }, - { "$ref": "#/components/schemas/CoreMetadataInvocation" }, - { "$ref": "#/components/schemas/CreateDenoiseMaskInvocation" }, - { "$ref": "#/components/schemas/CreateGradientMaskInvocation" }, - { "$ref": "#/components/schemas/CropImageToBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/CropLatentsCoreInvocation" }, - { "$ref": "#/components/schemas/CvInpaintInvocation" }, - { "$ref": "#/components/schemas/DWOpenposeDetectionInvocation" }, - { "$ref": "#/components/schemas/DenoiseLatentsInvocation" }, - { "$ref": "#/components/schemas/DenoiseLatentsMetaInvocation" }, - { "$ref": "#/components/schemas/DepthAnythingDepthEstimationInvocation" }, - { "$ref": "#/components/schemas/DivideInvocation" }, - { "$ref": "#/components/schemas/DynamicPromptInvocation" }, - { "$ref": "#/components/schemas/ESRGANInvocation" }, - { "$ref": "#/components/schemas/ExpandMaskWithFadeInvocation" }, - { "$ref": "#/components/schemas/FLUXLoRACollectionLoader" }, - { "$ref": "#/components/schemas/FaceIdentifierInvocation" }, - { "$ref": "#/components/schemas/FaceMaskInvocation" }, - { "$ref": "#/components/schemas/FaceOffInvocation" }, - { "$ref": "#/components/schemas/FloatBatchInvocation" }, - { "$ref": "#/components/schemas/FloatCollectionInvocation" }, - { "$ref": "#/components/schemas/FloatGenerator" }, - { "$ref": "#/components/schemas/FloatInvocation" }, - { "$ref": "#/components/schemas/FloatLinearRangeInvocation" }, - { "$ref": "#/components/schemas/FloatMathInvocation" }, - { "$ref": "#/components/schemas/FloatToIntegerInvocation" }, - { "$ref": "#/components/schemas/FluxControlLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/FluxControlNetInvocation" }, - { "$ref": "#/components/schemas/FluxDenoiseInvocation" }, - { "$ref": "#/components/schemas/FluxDenoiseLatentsMetaInvocation" }, - { "$ref": "#/components/schemas/FluxFillInvocation" }, - { "$ref": "#/components/schemas/FluxIPAdapterInvocation" }, - { "$ref": "#/components/schemas/FluxKontextConcatenateImagesInvocation" }, - { "$ref": "#/components/schemas/FluxKontextInvocation" }, - { "$ref": "#/components/schemas/FluxLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/FluxModelLoaderInvocation" }, - { "$ref": "#/components/schemas/FluxReduxInvocation" }, - { "$ref": "#/components/schemas/FluxTextEncoderInvocation" }, - { "$ref": "#/components/schemas/FluxVaeDecodeInvocation" }, - { "$ref": "#/components/schemas/FluxVaeEncodeInvocation" }, - { "$ref": "#/components/schemas/FreeUInvocation" }, - { "$ref": "#/components/schemas/GetMaskBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/GroundingDinoInvocation" }, - { "$ref": "#/components/schemas/HEDEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/HeuristicResizeInvocation" }, - { "$ref": "#/components/schemas/IPAdapterInvocation" }, - { "$ref": "#/components/schemas/IdealSizeInvocation" }, - { "$ref": "#/components/schemas/ImageBatchInvocation" }, - { "$ref": "#/components/schemas/ImageBlurInvocation" }, - { "$ref": "#/components/schemas/ImageChannelInvocation" }, - { "$ref": "#/components/schemas/ImageChannelMultiplyInvocation" }, - { "$ref": "#/components/schemas/ImageChannelOffsetInvocation" }, - { "$ref": "#/components/schemas/ImageCollectionInvocation" }, - { "$ref": "#/components/schemas/ImageConvertInvocation" }, - { "$ref": "#/components/schemas/ImageCropInvocation" }, - { "$ref": "#/components/schemas/ImageGenerator" }, - { "$ref": "#/components/schemas/ImageHueAdjustmentInvocation" }, - { "$ref": "#/components/schemas/ImageInverseLerpInvocation" }, - { "$ref": "#/components/schemas/ImageInvocation" }, - { "$ref": "#/components/schemas/ImageLerpInvocation" }, - { "$ref": "#/components/schemas/ImageMaskToTensorInvocation" }, - { "$ref": "#/components/schemas/ImageMultiplyInvocation" }, - { "$ref": "#/components/schemas/ImageNSFWBlurInvocation" }, - { "$ref": "#/components/schemas/ImageNoiseInvocation" }, - { "$ref": "#/components/schemas/ImagePanelLayoutInvocation" }, - { "$ref": "#/components/schemas/ImagePasteInvocation" }, - { "$ref": "#/components/schemas/ImageResizeInvocation" }, - { "$ref": "#/components/schemas/ImageScaleInvocation" }, - { "$ref": "#/components/schemas/ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/ImageWatermarkInvocation" }, - { "$ref": "#/components/schemas/InfillColorInvocation" }, - { "$ref": "#/components/schemas/InfillPatchMatchInvocation" }, - { "$ref": "#/components/schemas/InfillTileInvocation" }, - { "$ref": "#/components/schemas/IntegerBatchInvocation" }, - { "$ref": "#/components/schemas/IntegerCollectionInvocation" }, - { "$ref": "#/components/schemas/IntegerGenerator" }, - { "$ref": "#/components/schemas/IntegerInvocation" }, - { "$ref": "#/components/schemas/IntegerMathInvocation" }, - { "$ref": "#/components/schemas/InvertTensorMaskInvocation" }, - { "$ref": "#/components/schemas/InvokeAdjustImageHuePlusInvocation" }, - { "$ref": "#/components/schemas/InvokeEquivalentAchromaticLightnessInvocation" }, - { "$ref": "#/components/schemas/InvokeImageBlendInvocation" }, - { "$ref": "#/components/schemas/InvokeImageCompositorInvocation" }, - { "$ref": "#/components/schemas/InvokeImageDilateOrErodeInvocation" }, - { "$ref": "#/components/schemas/InvokeImageEnhanceInvocation" }, - { "$ref": "#/components/schemas/InvokeImageValueThresholdsInvocation" }, - { "$ref": "#/components/schemas/IterateInvocation" }, - { "$ref": "#/components/schemas/LaMaInfillInvocation" }, - { "$ref": "#/components/schemas/LatentsCollectionInvocation" }, - { "$ref": "#/components/schemas/LatentsInvocation" }, - { "$ref": "#/components/schemas/LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/LineartAnimeEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/LineartEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/LlavaOnevisionVllmInvocation" }, - { "$ref": "#/components/schemas/LoRACollectionLoader" }, - { "$ref": "#/components/schemas/LoRALoaderInvocation" }, - { "$ref": "#/components/schemas/LoRASelectorInvocation" }, - { "$ref": "#/components/schemas/MLSDDetectionInvocation" }, - { "$ref": "#/components/schemas/MainModelLoaderInvocation" }, - { "$ref": "#/components/schemas/MaskCombineInvocation" }, - { "$ref": "#/components/schemas/MaskEdgeInvocation" }, - { "$ref": "#/components/schemas/MaskFromAlphaInvocation" }, - { "$ref": "#/components/schemas/MaskFromIDInvocation" }, - { "$ref": "#/components/schemas/MaskTensorToImageInvocation" }, - { "$ref": "#/components/schemas/MediaPipeFaceDetectionInvocation" }, - { "$ref": "#/components/schemas/MergeMetadataInvocation" }, - { "$ref": "#/components/schemas/MergeTilesToImageInvocation" }, - { "$ref": "#/components/schemas/MetadataFieldExtractorInvocation" }, - { "$ref": "#/components/schemas/MetadataFromImageInvocation" }, - { "$ref": "#/components/schemas/MetadataInvocation" }, - { "$ref": "#/components/schemas/MetadataItemInvocation" }, - { "$ref": "#/components/schemas/MetadataItemLinkedInvocation" }, - { "$ref": "#/components/schemas/MetadataToBoolCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToBoolInvocation" }, - { "$ref": "#/components/schemas/MetadataToControlnetsInvocation" }, - { "$ref": "#/components/schemas/MetadataToFloatCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToFloatInvocation" }, - { "$ref": "#/components/schemas/MetadataToIPAdaptersInvocation" }, - { "$ref": "#/components/schemas/MetadataToIntegerCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToIntegerInvocation" }, - { "$ref": "#/components/schemas/MetadataToLorasCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToLorasInvocation" }, - { "$ref": "#/components/schemas/MetadataToModelInvocation" }, - { "$ref": "#/components/schemas/MetadataToSDXLLorasInvocation" }, - { "$ref": "#/components/schemas/MetadataToSDXLModelInvocation" }, - { "$ref": "#/components/schemas/MetadataToSchedulerInvocation" }, - { "$ref": "#/components/schemas/MetadataToStringCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToStringInvocation" }, - { "$ref": "#/components/schemas/MetadataToT2IAdaptersInvocation" }, - { "$ref": "#/components/schemas/MetadataToVAEInvocation" }, - { "$ref": "#/components/schemas/ModelIdentifierInvocation" }, - { "$ref": "#/components/schemas/MultiplyInvocation" }, - { "$ref": "#/components/schemas/NoiseInvocation" }, - { "$ref": "#/components/schemas/NormalMapInvocation" }, - { "$ref": "#/components/schemas/PairTileImageInvocation" }, - { "$ref": "#/components/schemas/PasteImageIntoBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/PiDiNetEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/PromptsFromFileInvocation" }, - { "$ref": "#/components/schemas/RandomFloatInvocation" }, - { "$ref": "#/components/schemas/RandomIntInvocation" }, - { "$ref": "#/components/schemas/RandomRangeInvocation" }, - { "$ref": "#/components/schemas/RangeInvocation" }, - { "$ref": "#/components/schemas/RangeOfSizeInvocation" }, - { "$ref": "#/components/schemas/RectangleMaskInvocation" }, - { "$ref": "#/components/schemas/ResizeLatentsInvocation" }, - { "$ref": "#/components/schemas/RoundInvocation" }, - { "$ref": "#/components/schemas/SD3DenoiseInvocation" }, - { "$ref": "#/components/schemas/SD3ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/SD3LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/SDXLCompelPromptInvocation" }, - { "$ref": "#/components/schemas/SDXLLoRACollectionLoader" }, - { "$ref": "#/components/schemas/SDXLLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/SDXLModelLoaderInvocation" }, - { "$ref": "#/components/schemas/SDXLRefinerCompelPromptInvocation" }, - { "$ref": "#/components/schemas/SDXLRefinerModelLoaderInvocation" }, - { "$ref": "#/components/schemas/SaveImageInvocation" }, - { "$ref": "#/components/schemas/ScaleLatentsInvocation" }, - { "$ref": "#/components/schemas/SchedulerInvocation" }, - { "$ref": "#/components/schemas/Sd3ModelLoaderInvocation" }, - { "$ref": "#/components/schemas/Sd3TextEncoderInvocation" }, - { "$ref": "#/components/schemas/SeamlessModeInvocation" }, - { "$ref": "#/components/schemas/SegmentAnythingInvocation" }, - { "$ref": "#/components/schemas/ShowImageInvocation" }, - { "$ref": "#/components/schemas/SpandrelImageToImageAutoscaleInvocation" }, - { "$ref": "#/components/schemas/SpandrelImageToImageInvocation" }, - { "$ref": "#/components/schemas/StringBatchInvocation" }, - { "$ref": "#/components/schemas/StringCollectionInvocation" }, - { "$ref": "#/components/schemas/StringGenerator" }, - { "$ref": "#/components/schemas/StringInvocation" }, - { "$ref": "#/components/schemas/StringJoinInvocation" }, - { "$ref": "#/components/schemas/StringJoinThreeInvocation" }, - { "$ref": "#/components/schemas/StringReplaceInvocation" }, - { "$ref": "#/components/schemas/StringSplitInvocation" }, - { "$ref": "#/components/schemas/StringSplitNegInvocation" }, - { "$ref": "#/components/schemas/SubtractInvocation" }, - { "$ref": "#/components/schemas/T2IAdapterInvocation" }, - { "$ref": "#/components/schemas/TileToPropertiesInvocation" }, - { "$ref": "#/components/schemas/TiledMultiDiffusionDenoiseLatents" }, - { "$ref": "#/components/schemas/UnsharpMaskInvocation" }, - { "$ref": "#/components/schemas/VAELoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageDenoiseInvocation" }, - { "$ref": "#/components/schemas/ZImageImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/ZImageLatentsToImageInvocation" }, - { "$ref": "#/components/schemas/ZImageLoRACollectionLoader" }, - { "$ref": "#/components/schemas/ZImageLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageModelLoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageTextEncoderInvocation" } - ], - "title": "Invocation" - }, - "invocation_source_id": { - "description": "The ID of the prepared invocation's source node", - "title": "Invocation Source Id", + "message": { + "description": "A message to display", + "title": "Message", "type": "string" }, - "message": { "description": "A message to display", "title": "Message", "type": "string" }, "percentage": { - "anyOf": [{ "maximum": 1, "minimum": 0, "type": "number" }, { "type": "null" }], + "anyOf": [ + { + "maximum": 1, + "minimum": 0, + "type": "number" + }, + { + "type": "null" + } + ], "default": null, "description": "The percentage of the progress (omit to indicate indeterminate progress)", "title": "Percentage" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ProgressImage" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ProgressImage" + }, + { + "type": "null" + } + ], "default": null, "description": "An image representing the current state of the progress" } @@ -20957,18 +31216,48 @@ "InvocationStartedEvent": { "description": "Event model for invocation_started", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "queue_id": { "description": "The ID of the queue", "title": "Queue Id", "type": "string" }, - "item_id": { "description": "The ID of the queue item", "title": "Item Id", "type": "integer" }, - "batch_id": { "description": "The ID of the queue batch", "title": "Batch Id", "type": "string" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "queue_id": { + "description": "The ID of the queue", + "title": "Queue Id", + "type": "string" + }, + "item_id": { + "description": "The ID of the queue item", + "title": "Item Id", + "type": "integer" + }, + "batch_id": { + "description": "The ID of the queue batch", + "title": "Batch Id", + "type": "string" + }, "origin": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The origin of the queue item", "title": "Origin" }, "destination": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The destination of the queue item", "title": "Destination" @@ -20981,224 +31270,660 @@ "invocation": { "description": "The ID of the invocation", "oneOf": [ - { "$ref": "#/components/schemas/AddInvocation" }, - { "$ref": "#/components/schemas/AlphaMaskToTensorInvocation" }, - { "$ref": "#/components/schemas/ApplyMaskTensorToImageInvocation" }, - { "$ref": "#/components/schemas/ApplyMaskToImageInvocation" }, - { "$ref": "#/components/schemas/BlankImageInvocation" }, - { "$ref": "#/components/schemas/BlendLatentsInvocation" }, - { "$ref": "#/components/schemas/BooleanCollectionInvocation" }, - { "$ref": "#/components/schemas/BooleanInvocation" }, - { "$ref": "#/components/schemas/BoundingBoxInvocation" }, - { "$ref": "#/components/schemas/CLIPSkipInvocation" }, - { "$ref": "#/components/schemas/CV2InfillInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesEvenSplitInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesInvocation" }, - { "$ref": "#/components/schemas/CalculateImageTilesMinimumOverlapInvocation" }, - { "$ref": "#/components/schemas/CannyEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/CanvasPasteBackInvocation" }, - { "$ref": "#/components/schemas/CanvasV2MaskAndCropInvocation" }, - { "$ref": "#/components/schemas/CenterPadCropInvocation" }, - { "$ref": "#/components/schemas/CogView4DenoiseInvocation" }, - { "$ref": "#/components/schemas/CogView4ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/CogView4LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/CogView4ModelLoaderInvocation" }, - { "$ref": "#/components/schemas/CogView4TextEncoderInvocation" }, - { "$ref": "#/components/schemas/CollectInvocation" }, - { "$ref": "#/components/schemas/ColorCorrectInvocation" }, - { "$ref": "#/components/schemas/ColorInvocation" }, - { "$ref": "#/components/schemas/ColorMapInvocation" }, - { "$ref": "#/components/schemas/CompelInvocation" }, - { "$ref": "#/components/schemas/ConditioningCollectionInvocation" }, - { "$ref": "#/components/schemas/ConditioningInvocation" }, - { "$ref": "#/components/schemas/ContentShuffleInvocation" }, - { "$ref": "#/components/schemas/ControlNetInvocation" }, - { "$ref": "#/components/schemas/CoreMetadataInvocation" }, - { "$ref": "#/components/schemas/CreateDenoiseMaskInvocation" }, - { "$ref": "#/components/schemas/CreateGradientMaskInvocation" }, - { "$ref": "#/components/schemas/CropImageToBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/CropLatentsCoreInvocation" }, - { "$ref": "#/components/schemas/CvInpaintInvocation" }, - { "$ref": "#/components/schemas/DWOpenposeDetectionInvocation" }, - { "$ref": "#/components/schemas/DenoiseLatentsInvocation" }, - { "$ref": "#/components/schemas/DenoiseLatentsMetaInvocation" }, - { "$ref": "#/components/schemas/DepthAnythingDepthEstimationInvocation" }, - { "$ref": "#/components/schemas/DivideInvocation" }, - { "$ref": "#/components/schemas/DynamicPromptInvocation" }, - { "$ref": "#/components/schemas/ESRGANInvocation" }, - { "$ref": "#/components/schemas/ExpandMaskWithFadeInvocation" }, - { "$ref": "#/components/schemas/FLUXLoRACollectionLoader" }, - { "$ref": "#/components/schemas/FaceIdentifierInvocation" }, - { "$ref": "#/components/schemas/FaceMaskInvocation" }, - { "$ref": "#/components/schemas/FaceOffInvocation" }, - { "$ref": "#/components/schemas/FloatBatchInvocation" }, - { "$ref": "#/components/schemas/FloatCollectionInvocation" }, - { "$ref": "#/components/schemas/FloatGenerator" }, - { "$ref": "#/components/schemas/FloatInvocation" }, - { "$ref": "#/components/schemas/FloatLinearRangeInvocation" }, - { "$ref": "#/components/schemas/FloatMathInvocation" }, - { "$ref": "#/components/schemas/FloatToIntegerInvocation" }, - { "$ref": "#/components/schemas/FluxControlLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/FluxControlNetInvocation" }, - { "$ref": "#/components/schemas/FluxDenoiseInvocation" }, - { "$ref": "#/components/schemas/FluxDenoiseLatentsMetaInvocation" }, - { "$ref": "#/components/schemas/FluxFillInvocation" }, - { "$ref": "#/components/schemas/FluxIPAdapterInvocation" }, - { "$ref": "#/components/schemas/FluxKontextConcatenateImagesInvocation" }, - { "$ref": "#/components/schemas/FluxKontextInvocation" }, - { "$ref": "#/components/schemas/FluxLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/FluxModelLoaderInvocation" }, - { "$ref": "#/components/schemas/FluxReduxInvocation" }, - { "$ref": "#/components/schemas/FluxTextEncoderInvocation" }, - { "$ref": "#/components/schemas/FluxVaeDecodeInvocation" }, - { "$ref": "#/components/schemas/FluxVaeEncodeInvocation" }, - { "$ref": "#/components/schemas/FreeUInvocation" }, - { "$ref": "#/components/schemas/GetMaskBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/GroundingDinoInvocation" }, - { "$ref": "#/components/schemas/HEDEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/HeuristicResizeInvocation" }, - { "$ref": "#/components/schemas/IPAdapterInvocation" }, - { "$ref": "#/components/schemas/IdealSizeInvocation" }, - { "$ref": "#/components/schemas/ImageBatchInvocation" }, - { "$ref": "#/components/schemas/ImageBlurInvocation" }, - { "$ref": "#/components/schemas/ImageChannelInvocation" }, - { "$ref": "#/components/schemas/ImageChannelMultiplyInvocation" }, - { "$ref": "#/components/schemas/ImageChannelOffsetInvocation" }, - { "$ref": "#/components/schemas/ImageCollectionInvocation" }, - { "$ref": "#/components/schemas/ImageConvertInvocation" }, - { "$ref": "#/components/schemas/ImageCropInvocation" }, - { "$ref": "#/components/schemas/ImageGenerator" }, - { "$ref": "#/components/schemas/ImageHueAdjustmentInvocation" }, - { "$ref": "#/components/schemas/ImageInverseLerpInvocation" }, - { "$ref": "#/components/schemas/ImageInvocation" }, - { "$ref": "#/components/schemas/ImageLerpInvocation" }, - { "$ref": "#/components/schemas/ImageMaskToTensorInvocation" }, - { "$ref": "#/components/schemas/ImageMultiplyInvocation" }, - { "$ref": "#/components/schemas/ImageNSFWBlurInvocation" }, - { "$ref": "#/components/schemas/ImageNoiseInvocation" }, - { "$ref": "#/components/schemas/ImagePanelLayoutInvocation" }, - { "$ref": "#/components/schemas/ImagePasteInvocation" }, - { "$ref": "#/components/schemas/ImageResizeInvocation" }, - { "$ref": "#/components/schemas/ImageScaleInvocation" }, - { "$ref": "#/components/schemas/ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/ImageWatermarkInvocation" }, - { "$ref": "#/components/schemas/InfillColorInvocation" }, - { "$ref": "#/components/schemas/InfillPatchMatchInvocation" }, - { "$ref": "#/components/schemas/InfillTileInvocation" }, - { "$ref": "#/components/schemas/IntegerBatchInvocation" }, - { "$ref": "#/components/schemas/IntegerCollectionInvocation" }, - { "$ref": "#/components/schemas/IntegerGenerator" }, - { "$ref": "#/components/schemas/IntegerInvocation" }, - { "$ref": "#/components/schemas/IntegerMathInvocation" }, - { "$ref": "#/components/schemas/InvertTensorMaskInvocation" }, - { "$ref": "#/components/schemas/InvokeAdjustImageHuePlusInvocation" }, - { "$ref": "#/components/schemas/InvokeEquivalentAchromaticLightnessInvocation" }, - { "$ref": "#/components/schemas/InvokeImageBlendInvocation" }, - { "$ref": "#/components/schemas/InvokeImageCompositorInvocation" }, - { "$ref": "#/components/schemas/InvokeImageDilateOrErodeInvocation" }, - { "$ref": "#/components/schemas/InvokeImageEnhanceInvocation" }, - { "$ref": "#/components/schemas/InvokeImageValueThresholdsInvocation" }, - { "$ref": "#/components/schemas/IterateInvocation" }, - { "$ref": "#/components/schemas/LaMaInfillInvocation" }, - { "$ref": "#/components/schemas/LatentsCollectionInvocation" }, - { "$ref": "#/components/schemas/LatentsInvocation" }, - { "$ref": "#/components/schemas/LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/LineartAnimeEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/LineartEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/LlavaOnevisionVllmInvocation" }, - { "$ref": "#/components/schemas/LoRACollectionLoader" }, - { "$ref": "#/components/schemas/LoRALoaderInvocation" }, - { "$ref": "#/components/schemas/LoRASelectorInvocation" }, - { "$ref": "#/components/schemas/MLSDDetectionInvocation" }, - { "$ref": "#/components/schemas/MainModelLoaderInvocation" }, - { "$ref": "#/components/schemas/MaskCombineInvocation" }, - { "$ref": "#/components/schemas/MaskEdgeInvocation" }, - { "$ref": "#/components/schemas/MaskFromAlphaInvocation" }, - { "$ref": "#/components/schemas/MaskFromIDInvocation" }, - { "$ref": "#/components/schemas/MaskTensorToImageInvocation" }, - { "$ref": "#/components/schemas/MediaPipeFaceDetectionInvocation" }, - { "$ref": "#/components/schemas/MergeMetadataInvocation" }, - { "$ref": "#/components/schemas/MergeTilesToImageInvocation" }, - { "$ref": "#/components/schemas/MetadataFieldExtractorInvocation" }, - { "$ref": "#/components/schemas/MetadataFromImageInvocation" }, - { "$ref": "#/components/schemas/MetadataInvocation" }, - { "$ref": "#/components/schemas/MetadataItemInvocation" }, - { "$ref": "#/components/schemas/MetadataItemLinkedInvocation" }, - { "$ref": "#/components/schemas/MetadataToBoolCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToBoolInvocation" }, - { "$ref": "#/components/schemas/MetadataToControlnetsInvocation" }, - { "$ref": "#/components/schemas/MetadataToFloatCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToFloatInvocation" }, - { "$ref": "#/components/schemas/MetadataToIPAdaptersInvocation" }, - { "$ref": "#/components/schemas/MetadataToIntegerCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToIntegerInvocation" }, - { "$ref": "#/components/schemas/MetadataToLorasCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToLorasInvocation" }, - { "$ref": "#/components/schemas/MetadataToModelInvocation" }, - { "$ref": "#/components/schemas/MetadataToSDXLLorasInvocation" }, - { "$ref": "#/components/schemas/MetadataToSDXLModelInvocation" }, - { "$ref": "#/components/schemas/MetadataToSchedulerInvocation" }, - { "$ref": "#/components/schemas/MetadataToStringCollectionInvocation" }, - { "$ref": "#/components/schemas/MetadataToStringInvocation" }, - { "$ref": "#/components/schemas/MetadataToT2IAdaptersInvocation" }, - { "$ref": "#/components/schemas/MetadataToVAEInvocation" }, - { "$ref": "#/components/schemas/ModelIdentifierInvocation" }, - { "$ref": "#/components/schemas/MultiplyInvocation" }, - { "$ref": "#/components/schemas/NoiseInvocation" }, - { "$ref": "#/components/schemas/NormalMapInvocation" }, - { "$ref": "#/components/schemas/PairTileImageInvocation" }, - { "$ref": "#/components/schemas/PasteImageIntoBoundingBoxInvocation" }, - { "$ref": "#/components/schemas/PiDiNetEdgeDetectionInvocation" }, - { "$ref": "#/components/schemas/PromptsFromFileInvocation" }, - { "$ref": "#/components/schemas/RandomFloatInvocation" }, - { "$ref": "#/components/schemas/RandomIntInvocation" }, - { "$ref": "#/components/schemas/RandomRangeInvocation" }, - { "$ref": "#/components/schemas/RangeInvocation" }, - { "$ref": "#/components/schemas/RangeOfSizeInvocation" }, - { "$ref": "#/components/schemas/RectangleMaskInvocation" }, - { "$ref": "#/components/schemas/ResizeLatentsInvocation" }, - { "$ref": "#/components/schemas/RoundInvocation" }, - { "$ref": "#/components/schemas/SD3DenoiseInvocation" }, - { "$ref": "#/components/schemas/SD3ImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/SD3LatentsToImageInvocation" }, - { "$ref": "#/components/schemas/SDXLCompelPromptInvocation" }, - { "$ref": "#/components/schemas/SDXLLoRACollectionLoader" }, - { "$ref": "#/components/schemas/SDXLLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/SDXLModelLoaderInvocation" }, - { "$ref": "#/components/schemas/SDXLRefinerCompelPromptInvocation" }, - { "$ref": "#/components/schemas/SDXLRefinerModelLoaderInvocation" }, - { "$ref": "#/components/schemas/SaveImageInvocation" }, - { "$ref": "#/components/schemas/ScaleLatentsInvocation" }, - { "$ref": "#/components/schemas/SchedulerInvocation" }, - { "$ref": "#/components/schemas/Sd3ModelLoaderInvocation" }, - { "$ref": "#/components/schemas/Sd3TextEncoderInvocation" }, - { "$ref": "#/components/schemas/SeamlessModeInvocation" }, - { "$ref": "#/components/schemas/SegmentAnythingInvocation" }, - { "$ref": "#/components/schemas/ShowImageInvocation" }, - { "$ref": "#/components/schemas/SpandrelImageToImageAutoscaleInvocation" }, - { "$ref": "#/components/schemas/SpandrelImageToImageInvocation" }, - { "$ref": "#/components/schemas/StringBatchInvocation" }, - { "$ref": "#/components/schemas/StringCollectionInvocation" }, - { "$ref": "#/components/schemas/StringGenerator" }, - { "$ref": "#/components/schemas/StringInvocation" }, - { "$ref": "#/components/schemas/StringJoinInvocation" }, - { "$ref": "#/components/schemas/StringJoinThreeInvocation" }, - { "$ref": "#/components/schemas/StringReplaceInvocation" }, - { "$ref": "#/components/schemas/StringSplitInvocation" }, - { "$ref": "#/components/schemas/StringSplitNegInvocation" }, - { "$ref": "#/components/schemas/SubtractInvocation" }, - { "$ref": "#/components/schemas/T2IAdapterInvocation" }, - { "$ref": "#/components/schemas/TileToPropertiesInvocation" }, - { "$ref": "#/components/schemas/TiledMultiDiffusionDenoiseLatents" }, - { "$ref": "#/components/schemas/UnsharpMaskInvocation" }, - { "$ref": "#/components/schemas/VAELoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageDenoiseInvocation" }, - { "$ref": "#/components/schemas/ZImageImageToLatentsInvocation" }, - { "$ref": "#/components/schemas/ZImageLatentsToImageInvocation" }, - { "$ref": "#/components/schemas/ZImageLoRACollectionLoader" }, - { "$ref": "#/components/schemas/ZImageLoRALoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageModelLoaderInvocation" }, - { "$ref": "#/components/schemas/ZImageTextEncoderInvocation" } + { + "$ref": "#/components/schemas/AddInvocation" + }, + { + "$ref": "#/components/schemas/AlphaMaskToTensorInvocation" + }, + { + "$ref": "#/components/schemas/ApplyMaskTensorToImageInvocation" + }, + { + "$ref": "#/components/schemas/ApplyMaskToImageInvocation" + }, + { + "$ref": "#/components/schemas/BlankImageInvocation" + }, + { + "$ref": "#/components/schemas/BlendLatentsInvocation" + }, + { + "$ref": "#/components/schemas/BooleanCollectionInvocation" + }, + { + "$ref": "#/components/schemas/BooleanInvocation" + }, + { + "$ref": "#/components/schemas/BoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/CLIPSkipInvocation" + }, + { + "$ref": "#/components/schemas/CV2InfillInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesEvenSplitInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesInvocation" + }, + { + "$ref": "#/components/schemas/CalculateImageTilesMinimumOverlapInvocation" + }, + { + "$ref": "#/components/schemas/CannyEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/CanvasPasteBackInvocation" + }, + { + "$ref": "#/components/schemas/CanvasV2MaskAndCropInvocation" + }, + { + "$ref": "#/components/schemas/CenterPadCropInvocation" + }, + { + "$ref": "#/components/schemas/CogView4DenoiseInvocation" + }, + { + "$ref": "#/components/schemas/CogView4ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/CogView4LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/CogView4ModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/CogView4TextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/CollectInvocation" + }, + { + "$ref": "#/components/schemas/ColorCorrectInvocation" + }, + { + "$ref": "#/components/schemas/ColorInvocation" + }, + { + "$ref": "#/components/schemas/ColorMapInvocation" + }, + { + "$ref": "#/components/schemas/CompelInvocation" + }, + { + "$ref": "#/components/schemas/ConditioningCollectionInvocation" + }, + { + "$ref": "#/components/schemas/ConditioningInvocation" + }, + { + "$ref": "#/components/schemas/ContentShuffleInvocation" + }, + { + "$ref": "#/components/schemas/ControlNetInvocation" + }, + { + "$ref": "#/components/schemas/CoreMetadataInvocation" + }, + { + "$ref": "#/components/schemas/CreateDenoiseMaskInvocation" + }, + { + "$ref": "#/components/schemas/CreateGradientMaskInvocation" + }, + { + "$ref": "#/components/schemas/CropImageToBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/CropLatentsCoreInvocation" + }, + { + "$ref": "#/components/schemas/CvInpaintInvocation" + }, + { + "$ref": "#/components/schemas/DWOpenposeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/DenoiseLatentsInvocation" + }, + { + "$ref": "#/components/schemas/DenoiseLatentsMetaInvocation" + }, + { + "$ref": "#/components/schemas/DepthAnythingDepthEstimationInvocation" + }, + { + "$ref": "#/components/schemas/DivideInvocation" + }, + { + "$ref": "#/components/schemas/DynamicPromptInvocation" + }, + { + "$ref": "#/components/schemas/ESRGANInvocation" + }, + { + "$ref": "#/components/schemas/ExpandMaskWithFadeInvocation" + }, + { + "$ref": "#/components/schemas/FLUXLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/FaceIdentifierInvocation" + }, + { + "$ref": "#/components/schemas/FaceMaskInvocation" + }, + { + "$ref": "#/components/schemas/FaceOffInvocation" + }, + { + "$ref": "#/components/schemas/FloatBatchInvocation" + }, + { + "$ref": "#/components/schemas/FloatCollectionInvocation" + }, + { + "$ref": "#/components/schemas/FloatGenerator" + }, + { + "$ref": "#/components/schemas/FloatInvocation" + }, + { + "$ref": "#/components/schemas/FloatLinearRangeInvocation" + }, + { + "$ref": "#/components/schemas/FloatMathInvocation" + }, + { + "$ref": "#/components/schemas/FloatToIntegerInvocation" + }, + { + "$ref": "#/components/schemas/FluxControlLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxControlNetInvocation" + }, + { + "$ref": "#/components/schemas/FluxDenoiseInvocation" + }, + { + "$ref": "#/components/schemas/FluxDenoiseLatentsMetaInvocation" + }, + { + "$ref": "#/components/schemas/FluxFillInvocation" + }, + { + "$ref": "#/components/schemas/FluxIPAdapterInvocation" + }, + { + "$ref": "#/components/schemas/FluxKontextConcatenateImagesInvocation" + }, + { + "$ref": "#/components/schemas/FluxKontextInvocation" + }, + { + "$ref": "#/components/schemas/FluxLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/FluxReduxInvocation" + }, + { + "$ref": "#/components/schemas/FluxTextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/FluxVaeDecodeInvocation" + }, + { + "$ref": "#/components/schemas/FluxVaeEncodeInvocation" + }, + { + "$ref": "#/components/schemas/FreeUInvocation" + }, + { + "$ref": "#/components/schemas/GetMaskBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/GroundingDinoInvocation" + }, + { + "$ref": "#/components/schemas/HEDEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/HeuristicResizeInvocation" + }, + { + "$ref": "#/components/schemas/IPAdapterInvocation" + }, + { + "$ref": "#/components/schemas/IdealSizeInvocation" + }, + { + "$ref": "#/components/schemas/ImageBatchInvocation" + }, + { + "$ref": "#/components/schemas/ImageBlurInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelMultiplyInvocation" + }, + { + "$ref": "#/components/schemas/ImageChannelOffsetInvocation" + }, + { + "$ref": "#/components/schemas/ImageCollectionInvocation" + }, + { + "$ref": "#/components/schemas/ImageConvertInvocation" + }, + { + "$ref": "#/components/schemas/ImageCropInvocation" + }, + { + "$ref": "#/components/schemas/ImageGenerator" + }, + { + "$ref": "#/components/schemas/ImageHueAdjustmentInvocation" + }, + { + "$ref": "#/components/schemas/ImageInverseLerpInvocation" + }, + { + "$ref": "#/components/schemas/ImageInvocation" + }, + { + "$ref": "#/components/schemas/ImageLerpInvocation" + }, + { + "$ref": "#/components/schemas/ImageMaskToTensorInvocation" + }, + { + "$ref": "#/components/schemas/ImageMultiplyInvocation" + }, + { + "$ref": "#/components/schemas/ImageNSFWBlurInvocation" + }, + { + "$ref": "#/components/schemas/ImageNoiseInvocation" + }, + { + "$ref": "#/components/schemas/ImagePanelLayoutInvocation" + }, + { + "$ref": "#/components/schemas/ImagePasteInvocation" + }, + { + "$ref": "#/components/schemas/ImageResizeInvocation" + }, + { + "$ref": "#/components/schemas/ImageScaleInvocation" + }, + { + "$ref": "#/components/schemas/ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/ImageWatermarkInvocation" + }, + { + "$ref": "#/components/schemas/InfillColorInvocation" + }, + { + "$ref": "#/components/schemas/InfillPatchMatchInvocation" + }, + { + "$ref": "#/components/schemas/InfillTileInvocation" + }, + { + "$ref": "#/components/schemas/IntegerBatchInvocation" + }, + { + "$ref": "#/components/schemas/IntegerCollectionInvocation" + }, + { + "$ref": "#/components/schemas/IntegerGenerator" + }, + { + "$ref": "#/components/schemas/IntegerInvocation" + }, + { + "$ref": "#/components/schemas/IntegerMathInvocation" + }, + { + "$ref": "#/components/schemas/InvertTensorMaskInvocation" + }, + { + "$ref": "#/components/schemas/InvokeAdjustImageHuePlusInvocation" + }, + { + "$ref": "#/components/schemas/InvokeEquivalentAchromaticLightnessInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageBlendInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageCompositorInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageDilateOrErodeInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageEnhanceInvocation" + }, + { + "$ref": "#/components/schemas/InvokeImageValueThresholdsInvocation" + }, + { + "$ref": "#/components/schemas/IterateInvocation" + }, + { + "$ref": "#/components/schemas/LaMaInfillInvocation" + }, + { + "$ref": "#/components/schemas/LatentsCollectionInvocation" + }, + { + "$ref": "#/components/schemas/LatentsInvocation" + }, + { + "$ref": "#/components/schemas/LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/LineartAnimeEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/LineartEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/LlavaOnevisionVllmInvocation" + }, + { + "$ref": "#/components/schemas/LoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/LoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/LoRASelectorInvocation" + }, + { + "$ref": "#/components/schemas/MLSDDetectionInvocation" + }, + { + "$ref": "#/components/schemas/MainModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/MaskCombineInvocation" + }, + { + "$ref": "#/components/schemas/MaskEdgeInvocation" + }, + { + "$ref": "#/components/schemas/MaskFromAlphaInvocation" + }, + { + "$ref": "#/components/schemas/MaskFromIDInvocation" + }, + { + "$ref": "#/components/schemas/MaskTensorToImageInvocation" + }, + { + "$ref": "#/components/schemas/MediaPipeFaceDetectionInvocation" + }, + { + "$ref": "#/components/schemas/MergeMetadataInvocation" + }, + { + "$ref": "#/components/schemas/MergeTilesToImageInvocation" + }, + { + "$ref": "#/components/schemas/MetadataFieldExtractorInvocation" + }, + { + "$ref": "#/components/schemas/MetadataFromImageInvocation" + }, + { + "$ref": "#/components/schemas/MetadataInvocation" + }, + { + "$ref": "#/components/schemas/MetadataItemInvocation" + }, + { + "$ref": "#/components/schemas/MetadataItemLinkedInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToBoolCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToBoolInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToControlnetsInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToFloatCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToFloatInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIPAdaptersInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIntegerCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToIntegerInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToLorasCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToLorasInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToModelInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSDXLLorasInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSDXLModelInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToSchedulerInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToStringCollectionInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToStringInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToT2IAdaptersInvocation" + }, + { + "$ref": "#/components/schemas/MetadataToVAEInvocation" + }, + { + "$ref": "#/components/schemas/ModelIdentifierInvocation" + }, + { + "$ref": "#/components/schemas/MultiplyInvocation" + }, + { + "$ref": "#/components/schemas/NoiseInvocation" + }, + { + "$ref": "#/components/schemas/NormalMapInvocation" + }, + { + "$ref": "#/components/schemas/PairTileImageInvocation" + }, + { + "$ref": "#/components/schemas/PasteImageIntoBoundingBoxInvocation" + }, + { + "$ref": "#/components/schemas/PiDiNetEdgeDetectionInvocation" + }, + { + "$ref": "#/components/schemas/PromptsFromFileInvocation" + }, + { + "$ref": "#/components/schemas/RandomFloatInvocation" + }, + { + "$ref": "#/components/schemas/RandomIntInvocation" + }, + { + "$ref": "#/components/schemas/RandomRangeInvocation" + }, + { + "$ref": "#/components/schemas/RangeInvocation" + }, + { + "$ref": "#/components/schemas/RangeOfSizeInvocation" + }, + { + "$ref": "#/components/schemas/RectangleMaskInvocation" + }, + { + "$ref": "#/components/schemas/ResizeLatentsInvocation" + }, + { + "$ref": "#/components/schemas/RoundInvocation" + }, + { + "$ref": "#/components/schemas/SD3DenoiseInvocation" + }, + { + "$ref": "#/components/schemas/SD3ImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/SD3LatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/SDXLCompelPromptInvocation" + }, + { + "$ref": "#/components/schemas/SDXLLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/SDXLLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/SDXLModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/SDXLRefinerCompelPromptInvocation" + }, + { + "$ref": "#/components/schemas/SDXLRefinerModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/SaveImageInvocation" + }, + { + "$ref": "#/components/schemas/ScaleLatentsInvocation" + }, + { + "$ref": "#/components/schemas/SchedulerInvocation" + }, + { + "$ref": "#/components/schemas/Sd3ModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/Sd3TextEncoderInvocation" + }, + { + "$ref": "#/components/schemas/SeamlessModeInvocation" + }, + { + "$ref": "#/components/schemas/SegmentAnythingInvocation" + }, + { + "$ref": "#/components/schemas/ShowImageInvocation" + }, + { + "$ref": "#/components/schemas/SpandrelImageToImageAutoscaleInvocation" + }, + { + "$ref": "#/components/schemas/SpandrelImageToImageInvocation" + }, + { + "$ref": "#/components/schemas/StringBatchInvocation" + }, + { + "$ref": "#/components/schemas/StringCollectionInvocation" + }, + { + "$ref": "#/components/schemas/StringGenerator" + }, + { + "$ref": "#/components/schemas/StringInvocation" + }, + { + "$ref": "#/components/schemas/StringJoinInvocation" + }, + { + "$ref": "#/components/schemas/StringJoinThreeInvocation" + }, + { + "$ref": "#/components/schemas/StringReplaceInvocation" + }, + { + "$ref": "#/components/schemas/StringSplitInvocation" + }, + { + "$ref": "#/components/schemas/StringSplitNegInvocation" + }, + { + "$ref": "#/components/schemas/SubtractInvocation" + }, + { + "$ref": "#/components/schemas/T2IAdapterInvocation" + }, + { + "$ref": "#/components/schemas/TileToPropertiesInvocation" + }, + { + "$ref": "#/components/schemas/TiledMultiDiffusionDenoiseLatents" + }, + { + "$ref": "#/components/schemas/UnsharpMaskInvocation" + }, + { + "$ref": "#/components/schemas/VAELoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageDenoiseInvocation" + }, + { + "$ref": "#/components/schemas/ZImageImageToLatentsInvocation" + }, + { + "$ref": "#/components/schemas/ZImageLatentsToImageInvocation" + }, + { + "$ref": "#/components/schemas/ZImageLoRACollectionLoader" + }, + { + "$ref": "#/components/schemas/ZImageLoRALoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageModelLoaderInvocation" + }, + { + "$ref": "#/components/schemas/ZImageTextEncoderInvocation" + } ], "title": "Invocation" }, @@ -21231,7 +31956,15 @@ "default": "4.0.2" }, "legacy_models_yaml_path": { - "anyOf": [{ "type": "string", "format": "path" }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "format": "path" + }, + { + "type": "null" + } + ], "title": "Legacy Models Yaml Path", "description": "Path to the legacy models.yaml file. This is not a user-configurable setting." }, @@ -21241,9 +31974,16 @@ "description": "IP address to bind to. Use `0.0.0.0` to serve to your local network.", "default": "127.0.0.1" }, - "port": { "type": "integer", "title": "Port", "description": "Port to bind to.", "default": 9090 }, + "port": { + "type": "integer", + "title": "Port", + "description": "Port to bind to.", + "default": 9090 + }, "allow_origins": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Allow Origins", "description": "Allowed CORS origins.", @@ -21256,26 +31996,46 @@ "default": true }, "allow_methods": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Allow Methods", "description": "Methods allowed for CORS.", "default": ["*"] }, "allow_headers": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Allow Headers", "description": "Headers allowed for CORS.", "default": ["*"] }, "ssl_certfile": { - "anyOf": [{ "type": "string", "format": "path" }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "format": "path" + }, + { + "type": "null" + } + ], "title": "Ssl Certfile", "description": "SSL certificate file for HTTPS. See https://www.uvicorn.org/settings/#https." }, "ssl_keyfile": { - "anyOf": [{ "type": "string", "format": "path" }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "format": "path" + }, + { + "type": "null" + } + ], "title": "Ssl Keyfile", "description": "SSL key file for HTTPS. See https://www.uvicorn.org/settings/#https." }, @@ -21355,7 +32115,9 @@ "default": "workflow_thumbnails" }, "log_handlers": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Log Handlers", "description": "Log handler. Valid options are \"console\", \"file=\", \"syslog=path|address:host:port\", \"http=\".", @@ -21407,7 +32169,14 @@ "default": false }, "profile_prefix": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Profile Prefix", "description": "An optional prefix for profile output files." }, @@ -21419,12 +32188,28 @@ "default": "profiles" }, "max_cache_ram_gb": { - "anyOf": [{ "type": "number", "exclusiveMinimum": 0.0 }, { "type": "null" }], + "anyOf": [ + { + "type": "number", + "exclusiveMinimum": 0.0 + }, + { + "type": "null" + } + ], "title": "Max Cache Ram Gb", "description": "The maximum amount of CPU RAM to use for model caching in GB. If unset, the limit will be configured based on the available RAM. In most cases, it is recommended to leave this unset." }, "max_cache_vram_gb": { - "anyOf": [{ "type": "number", "minimum": 0.0 }, { "type": "null" }], + "anyOf": [ + { + "type": "number", + "minimum": 0.0 + }, + { + "type": "null" + } + ], "title": "Max Cache Vram Gb", "description": "The amount of VRAM to use for model caching in GB. If unset, the limit will be configured based on the available VRAM and the device_working_mem_gb. In most cases, it is recommended to leave this unset." }, @@ -21453,12 +32238,28 @@ "default": true }, "ram": { - "anyOf": [{ "type": "number", "exclusiveMinimum": 0.0 }, { "type": "null" }], + "anyOf": [ + { + "type": "number", + "exclusiveMinimum": 0.0 + }, + { + "type": "null" + } + ], "title": "Ram", "description": "DEPRECATED: This setting is no longer used. It has been replaced by `max_cache_ram_gb`, but most users will not need to use this config since automatic cache size limits should work well in most cases. This config setting will be removed once the new model cache behavior is stable." }, "vram": { - "anyOf": [{ "type": "number", "minimum": 0.0 }, { "type": "null" }], + "anyOf": [ + { + "type": "number", + "minimum": 0.0 + }, + { + "type": "null" + } + ], "title": "Vram", "description": "DEPRECATED: This setting is no longer used. It has been replaced by `max_cache_vram_gb`, but most users will not need to use this config since automatic cache size limits should work well in most cases. This config setting will be removed once the new model cache behavior is stable." }, @@ -21469,7 +32270,14 @@ "default": true }, "pytorch_cuda_alloc_conf": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Pytorch Cuda Alloc Conf", "description": "Configure the Torch CUDA memory allocator. This will impact peak reserved VRAM usage and performance. Setting to \"backend:cudaMallocAsync\" works well on many systems. The optimal configuration is highly dependent on the system configuration (device type, VRAM, CUDA driver version, etc.), so must be tuned experimentally." }, @@ -21532,12 +32340,32 @@ "default": false }, "allow_nodes": { - "anyOf": [{ "items": { "type": "string" }, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array" + }, + { + "type": "null" + } + ], "title": "Allow Nodes", "description": "List of nodes to allow. Omit to allow all." }, "deny_nodes": { - "anyOf": [{ "items": { "type": "string" }, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array" + }, + { + "type": "null" + } + ], "title": "Deny Nodes", "description": "List of nodes to deny. Omit to deny none." }, @@ -21574,8 +32402,15 @@ }, "remote_api_tokens": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/URLRegexTokenPair" }, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/URLRegexTokenPair" + }, + "type": "array" + }, + { + "type": "null" + } ], "title": "Remote Api Tokens", "description": "List of regular expression and token pairs used when downloading models from URLs. The download URL is tested against the regex, and if it matches, the token is provided in as a Bearer token." @@ -21607,13 +32442,18 @@ "InvokeAIAppConfigWithSetFields": { "properties": { "set_fields": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "uniqueItems": true, "title": "Set Fields", "description": "The set fields" }, - "config": { "$ref": "#/components/schemas/InvokeAIAppConfig", "description": "The InvokeAI App Config" } + "config": { + "$ref": "#/components/schemas/InvokeAIAppConfig", + "description": "The InvokeAI App Config" + } }, "type": "object", "required": ["set_fields", "config"], @@ -21628,7 +32468,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -21637,7 +32484,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -21670,7 +32524,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to adjust", "field_kind": "input", @@ -21749,7 +32610,9 @@ "title": "Adjust Image Hue Plus", "type": "object", "version": "1.2.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "InvokeEquivalentAchromaticLightnessInvocation": { "category": "image", @@ -21759,7 +32622,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -21768,7 +32638,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -21801,7 +32678,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "Image from which to get channel", "field_kind": "input", @@ -21821,7 +32705,9 @@ "title": "Equivalent Achromatic Lightness", "type": "object", "version": "1.2.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "InvokeImageBlendInvocation": { "category": "image", @@ -21831,7 +32717,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -21840,7 +32733,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -21873,7 +32773,14 @@ "type": "boolean" }, "layer_upper": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The top image to blend", "field_kind": "input", @@ -21930,7 +32837,14 @@ "ui_order": 3 }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional mask, used to restrict areas from blending", "field_kind": "input", @@ -21962,7 +32876,14 @@ "ui_order": 6 }, "layer_base": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The bottom image to blend", "field_kind": "input", @@ -22018,7 +32939,9 @@ "title": "Image Layer Blend", "type": "object", "version": "1.2.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "InvokeImageCompositorInvocation": { "category": "image", @@ -22028,7 +32951,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -22037,7 +32967,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -22070,7 +33007,14 @@ "type": "boolean" }, "image_subject": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "Image of the subject on a plain monochrome background", "field_kind": "input", @@ -22078,7 +33022,14 @@ "orig_required": true }, "image_background": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "Image of a background scene", "field_kind": "input", @@ -22159,7 +33110,9 @@ "title": "Image Compositor", "type": "object", "version": "1.2.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "InvokeImageDilateOrErodeInvocation": { "category": "image", @@ -22169,7 +33122,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -22202,7 +33162,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image from which to create a mask", "field_kind": "input", @@ -22265,7 +33232,9 @@ "title": "Image Dilate or Erode", "type": "object", "version": "1.3.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "InvokeImageEnhanceInvocation": { "category": "image", @@ -22275,7 +33244,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -22284,7 +33260,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -22317,7 +33300,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image for which to apply processing", "field_kind": "input", @@ -22391,7 +33381,9 @@ "title": "Enhance Image", "type": "object", "version": "1.2.1", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "InvokeImageValueThresholdsInvocation": { "category": "image", @@ -22401,7 +33393,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -22410,7 +33409,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -22443,7 +33449,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image from which to create a mask", "field_kind": "input", @@ -22513,12 +33526,16 @@ "title": "Image Value Thresholds", "type": "object", "version": "1.2.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ItemIdsResult": { "properties": { "item_ids": { - "items": { "type": "integer" }, + "items": { + "type": "integer" + }, "type": "array", "title": "Item Ids", "description": "Ordered list of item ids" @@ -22599,7 +33616,9 @@ "title": "IterateInvocation", "type": "object", "version": "1.1.0", - "output": { "$ref": "#/components/schemas/IterateInvocationOutput" } + "output": { + "$ref": "#/components/schemas/IterateInvocationOutput" + } }, "IterateInvocationOutput": { "class": "output", @@ -22647,7 +33666,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -22656,7 +33682,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -22689,7 +33722,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -22709,7 +33749,9 @@ "title": "LaMa Infill", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "LatentsCollectionInvocation": { "category": "primitives", @@ -22744,8 +33786,15 @@ }, "collection": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/LatentsField" }, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/LatentsField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "The collection of latents tensors", @@ -22767,7 +33816,9 @@ "title": "Latents Collection Primitive", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/LatentsCollectionOutput" } + "output": { + "$ref": "#/components/schemas/LatentsCollectionOutput" + } }, "LatentsCollectionOutput": { "class": "output", @@ -22776,7 +33827,9 @@ "collection": { "description": "Latents tensor", "field_kind": "output", - "items": { "$ref": "#/components/schemas/LatentsField" }, + "items": { + "$ref": "#/components/schemas/LatentsField" + }, "title": "Collection", "type": "array", "ui_hidden": false @@ -22796,9 +33849,20 @@ "LatentsField": { "description": "A latents tensor primitive field", "properties": { - "latents_name": { "description": "The name of the latents", "title": "Latents Name", "type": "string" }, + "latents_name": { + "description": "The name of the latents", + "title": "Latents Name", + "type": "string" + }, "seed": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "Seed used to generate this latents", "title": "Seed" @@ -22840,7 +33904,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "The latents tensor", "field_kind": "input", @@ -22860,7 +33931,9 @@ "title": "Latents Primitive", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "LatentsMetaOutput": { "class": "output", @@ -22948,7 +34021,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -22957,7 +34037,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -22990,7 +34077,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -22998,7 +34092,14 @@ "orig_required": true }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "input", @@ -23049,7 +34150,9 @@ "title": "Latents to Image - SD1.5, SDXL", "type": "object", "version": "1.3.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "LineartAnimeEdgeDetectionInvocation": { "category": "controlnet", @@ -23059,7 +34162,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -23068,7 +34178,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -23101,7 +34218,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -23121,7 +34245,9 @@ "title": "Lineart Anime Edge Detection", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "LineartEdgeDetectionInvocation": { "category": "controlnet", @@ -23131,7 +34257,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -23140,7 +34273,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -23173,7 +34313,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -23203,7 +34350,9 @@ "title": "Lineart Edge Detection", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "LlavaOnevisionVllmInvocation": { "category": "vllm", @@ -23240,12 +34389,21 @@ "anyOf": [ { "anyOf": [ - { "items": { "$ref": "#/components/schemas/ImageField" }, "type": "array" }, - { "$ref": "#/components/schemas/ImageField" } + { + "items": { + "$ref": "#/components/schemas/ImageField" + }, + "type": "array" + }, + { + "$ref": "#/components/schemas/ImageField" + } ], "maxLength": 3 }, - { "type": "null" } + { + "type": "null" + } ], "default": null, "description": "Input image.", @@ -23267,7 +34425,14 @@ "ui_component": "textarea" }, "vllm_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "The VLLM model to use", "field_kind": "input", @@ -23289,21 +34454,46 @@ "title": "LLaVA OneVision VLLM", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/StringOutput" } + "output": { + "$ref": "#/components/schemas/StringOutput" + } }, "LlavaOnevision_Diffusers_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -23312,21 +34502,56 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "type": { "type": "string", "const": "llava_onevision", "title": "Type", "default": "llava_onevision" }, - "base": { "type": "string", "const": "any", "title": "Base", "default": "any" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "type": { + "type": "string", + "const": "llava_onevision", + "title": "Type", + "default": "llava_onevision" + }, + "base": { + "type": "string", + "const": "any", + "title": "Base", + "default": "any" + } }, "type": "object", "required": [ @@ -23381,9 +34606,18 @@ }, "loras": { "anyOf": [ - { "$ref": "#/components/schemas/LoRAField" }, - { "items": { "$ref": "#/components/schemas/LoRAField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/LoRAField" + }, + { + "items": { + "$ref": "#/components/schemas/LoRAField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "LoRA models and weights. May be a single LoRA or collection.", @@ -23394,7 +34628,14 @@ "title": "LoRAs" }, "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "input", @@ -23404,7 +34645,14 @@ "title": "UNet" }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -23426,12 +34674,21 @@ "title": "Apply LoRA Collection - SD1.5", "type": "object", "version": "1.1.2", - "output": { "$ref": "#/components/schemas/LoRALoaderOutput" } + "output": { + "$ref": "#/components/schemas/LoRALoaderOutput" + } }, "LoRAField": { "properties": { - "lora": { "$ref": "#/components/schemas/ModelIdentifierField", "description": "Info to load lora model" }, - "weight": { "description": "Weight to apply to lora model", "title": "Weight", "type": "number" } + "lora": { + "$ref": "#/components/schemas/ModelIdentifierField", + "description": "Info to load lora model" + }, + "weight": { + "description": "Weight to apply to lora model", + "title": "Weight", + "type": "number" + } }, "required": ["lora", "weight"], "title": "LoRAField", @@ -23469,7 +34726,14 @@ "type": "boolean" }, "lora": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "LoRA model to load", "field_kind": "input", @@ -23490,7 +34754,14 @@ "type": "number" }, "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "input", @@ -23500,7 +34771,14 @@ "title": "UNet" }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -23522,14 +34800,23 @@ "title": "Apply LoRA - SD1.5", "type": "object", "version": "1.0.4", - "output": { "$ref": "#/components/schemas/LoRALoaderOutput" } + "output": { + "$ref": "#/components/schemas/LoRALoaderOutput" + } }, "LoRALoaderOutput": { "class": "output", "description": "Model loader output", "properties": { "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "output", @@ -23537,7 +34824,14 @@ "ui_hidden": false }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "output", @@ -23559,7 +34853,10 @@ "LoRAMetadataField": { "description": "LoRA Metadata Field", "properties": { - "model": { "$ref": "#/components/schemas/ModelIdentifierField", "description": "LoRA model to load" }, + "model": { + "$ref": "#/components/schemas/ModelIdentifierField", + "description": "LoRA model to load" + }, "weight": { "description": "The weight at which the LoRA is applied to each model", "title": "Weight", @@ -23602,7 +34899,14 @@ "type": "boolean" }, "lora": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "LoRA model to load", "field_kind": "input", @@ -23634,7 +34938,9 @@ "title": "Select LoRA", "type": "object", "version": "1.0.3", - "output": { "$ref": "#/components/schemas/LoRASelectorOutput" } + "output": { + "$ref": "#/components/schemas/LoRASelectorOutput" + } }, "LoRASelectorOutput": { "class": "output", @@ -23661,17 +34967,40 @@ }, "LoRA_Diffusers_FLUX_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -23680,29 +35009,79 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "lora", "title": "Type", "default": "lora" }, + "type": { + "type": "string", + "const": "lora", + "title": "Type", + "default": "lora" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/LoraModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LoraModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "base": { "type": "string", "const": "flux", "title": "Base", "default": "flux" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "base": { + "type": "string", + "const": "flux", + "title": "Base", + "default": "flux" + } }, "type": "object", "required": [ @@ -23726,17 +35105,40 @@ }, "LoRA_Diffusers_SD1_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -23745,29 +35147,79 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "lora", "title": "Type", "default": "lora" }, + "type": { + "type": "string", + "const": "lora", + "title": "Type", + "default": "lora" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/LoraModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LoraModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "base": { "type": "string", "const": "sd-1", "title": "Base", "default": "sd-1" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "base": { + "type": "string", + "const": "sd-1", + "title": "Base", + "default": "sd-1" + } }, "type": "object", "required": [ @@ -23791,17 +35243,40 @@ }, "LoRA_Diffusers_SD2_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -23810,29 +35285,79 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "lora", "title": "Type", "default": "lora" }, + "type": { + "type": "string", + "const": "lora", + "title": "Type", + "default": "lora" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/LoraModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LoraModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "base": { "type": "string", "const": "sd-2", "title": "Base", "default": "sd-2" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "base": { + "type": "string", + "const": "sd-2", + "title": "Base", + "default": "sd-2" + } }, "type": "object", "required": [ @@ -23856,17 +35381,40 @@ }, "LoRA_Diffusers_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -23875,29 +35423,79 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "lora", "title": "Type", "default": "lora" }, + "type": { + "type": "string", + "const": "lora", + "title": "Type", + "default": "lora" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/LoraModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LoraModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -23921,17 +35519,40 @@ }, "LoRA_Diffusers_ZImage_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -23940,29 +35561,79 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "lora", "title": "Type", "default": "lora" }, + "type": { + "type": "string", + "const": "lora", + "title": "Type", + "default": "lora" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/LoraModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LoraModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "base": { "type": "string", "const": "z-image", "title": "Base", "default": "z-image" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "base": { + "type": "string", + "const": "z-image", + "title": "Base", + "default": "z-image" + } }, "type": "object", "required": [ @@ -23987,17 +35658,40 @@ }, "LoRA_LyCORIS_FLUX_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -24006,29 +35700,79 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "lora", "title": "Type", "default": "lora" }, + "type": { + "type": "string", + "const": "lora", + "title": "Type", + "default": "lora" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/LoraModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LoraModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "lycoris", "title": "Format", "default": "lycoris" }, - "base": { "type": "string", "const": "flux", "title": "Base", "default": "flux" } + "format": { + "type": "string", + "const": "lycoris", + "title": "Format", + "default": "lycoris" + }, + "base": { + "type": "string", + "const": "flux", + "title": "Base", + "default": "flux" + } }, "type": "object", "required": [ @@ -24052,17 +35796,40 @@ }, "LoRA_LyCORIS_SD1_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -24071,29 +35838,79 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "lora", "title": "Type", "default": "lora" }, + "type": { + "type": "string", + "const": "lora", + "title": "Type", + "default": "lora" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/LoraModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LoraModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "lycoris", "title": "Format", "default": "lycoris" }, - "base": { "type": "string", "const": "sd-1", "title": "Base", "default": "sd-1" } + "format": { + "type": "string", + "const": "lycoris", + "title": "Format", + "default": "lycoris" + }, + "base": { + "type": "string", + "const": "sd-1", + "title": "Base", + "default": "sd-1" + } }, "type": "object", "required": [ @@ -24117,17 +35934,40 @@ }, "LoRA_LyCORIS_SD2_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -24136,29 +35976,79 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "lora", "title": "Type", "default": "lora" }, + "type": { + "type": "string", + "const": "lora", + "title": "Type", + "default": "lora" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/LoraModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LoraModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "lycoris", "title": "Format", "default": "lycoris" }, - "base": { "type": "string", "const": "sd-2", "title": "Base", "default": "sd-2" } + "format": { + "type": "string", + "const": "lycoris", + "title": "Format", + "default": "lycoris" + }, + "base": { + "type": "string", + "const": "sd-2", + "title": "Base", + "default": "sd-2" + } }, "type": "object", "required": [ @@ -24182,17 +36072,40 @@ }, "LoRA_LyCORIS_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -24201,29 +36114,79 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "lora", "title": "Type", "default": "lora" }, + "type": { + "type": "string", + "const": "lora", + "title": "Type", + "default": "lora" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/LoraModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LoraModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "lycoris", "title": "Format", "default": "lycoris" }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "format": { + "type": "string", + "const": "lycoris", + "title": "Format", + "default": "lycoris" + }, + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -24247,17 +36210,40 @@ }, "LoRA_LyCORIS_ZImage_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -24266,29 +36252,79 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "lora", "title": "Type", "default": "lora" }, + "type": { + "type": "string", + "const": "lora", + "title": "Type", + "default": "lora" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/LoraModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LoraModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "lycoris", "title": "Format", "default": "lycoris" }, - "base": { "type": "string", "const": "z-image", "title": "Base", "default": "z-image" } + "format": { + "type": "string", + "const": "lycoris", + "title": "Format", + "default": "lycoris" + }, + "base": { + "type": "string", + "const": "z-image", + "title": "Base", + "default": "z-image" + } }, "type": "object", "required": [ @@ -24313,17 +36349,40 @@ }, "LoRA_OMI_FLUX_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -24332,29 +36391,79 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "lora", "title": "Type", "default": "lora" }, + "type": { + "type": "string", + "const": "lora", + "title": "Type", + "default": "lora" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/LoraModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LoraModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "omi", "title": "Format", "default": "omi" }, - "base": { "type": "string", "const": "flux", "title": "Base", "default": "flux" } + "format": { + "type": "string", + "const": "omi", + "title": "Format", + "default": "omi" + }, + "base": { + "type": "string", + "const": "flux", + "title": "Base", + "default": "flux" + } }, "type": "object", "required": [ @@ -24378,17 +36487,40 @@ }, "LoRA_OMI_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -24397,29 +36529,79 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "lora", "title": "Type", "default": "lora" }, + "type": { + "type": "string", + "const": "lora", + "title": "Type", + "default": "lora" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/LoraModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LoraModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "omi", "title": "Format", "default": "omi" }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "format": { + "type": "string", + "const": "omi", + "title": "Format", + "default": "omi" + }, + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -24443,20 +36625,60 @@ }, "LocalModelSource": { "properties": { - "path": { "anyOf": [{ "type": "string" }, { "type": "string", "format": "path" }], "title": "Path" }, - "inplace": { "anyOf": [{ "type": "boolean" }, { "type": "null" }], "title": "Inplace", "default": false }, - "type": { "type": "string", "const": "local", "title": "Type", "default": "local" } + "path": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "string", + "format": "path" + } + ], + "title": "Path" + }, + "inplace": { + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], + "title": "Inplace", + "default": false + }, + "type": { + "type": "string", + "const": "local", + "title": "Type", + "default": "local" + } }, "type": "object", "required": ["path"], "title": "LocalModelSource", "description": "A local file or directory path." }, - "LogLevel": { "type": "integer", "enum": [0, 10, 20, 30, 40, 50], "title": "LogLevel" }, + "LogLevel": { + "type": "integer", + "enum": [0, 10, 20, 30, 40, 50], + "title": "LogLevel" + }, "LoraModelDefaultSettings": { "properties": { "weight": { - "anyOf": [{ "type": "number", "maximum": 2.0, "minimum": -1.0 }, { "type": "null" }], + "anyOf": [ + { + "type": "number", + "maximum": 2.0, + "minimum": -1.0 + }, + { + "type": "null" + } + ], "title": "Weight", "description": "Default weight for this model" } @@ -24470,9 +36692,18 @@ "properties": { "control_list": { "anyOf": [ - { "$ref": "#/components/schemas/ControlField" }, - { "items": { "$ref": "#/components/schemas/ControlField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/ControlField" + }, + { + "items": { + "$ref": "#/components/schemas/ControlField" + }, + "type": "array" + }, + { + "type": "null" + } ], "description": "ControlNet(s) to apply", "field_kind": "output", @@ -24496,9 +36727,18 @@ "properties": { "ip_adapter_list": { "anyOf": [ - { "$ref": "#/components/schemas/IPAdapterField" }, - { "items": { "$ref": "#/components/schemas/IPAdapterField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/IPAdapterField" + }, + { + "items": { + "$ref": "#/components/schemas/IPAdapterField" + }, + "type": "array" + }, + { + "type": "null" + } ], "description": "IP-Adapter to apply", "field_kind": "output", @@ -24522,9 +36762,18 @@ "properties": { "t2i_adapter_list": { "anyOf": [ - { "$ref": "#/components/schemas/T2IAdapterField" }, - { "items": { "$ref": "#/components/schemas/T2IAdapterField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/T2IAdapterField" + }, + { + "items": { + "$ref": "#/components/schemas/T2IAdapterField" + }, + "type": "array" + }, + { + "type": "null" + } ], "description": "T2I-Adapter(s) to apply", "field_kind": "output", @@ -24551,7 +36800,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -24560,7 +36816,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -24593,7 +36856,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -24635,17 +36905,34 @@ "title": "MLSD Detection", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "MainModelDefaultSettings": { "properties": { "vae": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Vae", "description": "Default VAE for this model (model key)" }, "vae_precision": { - "anyOf": [{ "type": "string", "enum": ["fp16", "fp32"] }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "enum": ["fp16", "fp32"] + }, + { + "type": "null" + } + ], "title": "Vae Precision", "description": "Default VAE precision for this model" }, @@ -24686,38 +36973,91 @@ "tcd" ] }, - { "type": "null" } + { + "type": "null" + } ], "title": "Scheduler", "description": "Default scheduler for this model" }, "steps": { - "anyOf": [{ "type": "integer", "exclusiveMinimum": 0.0 }, { "type": "null" }], + "anyOf": [ + { + "type": "integer", + "exclusiveMinimum": 0.0 + }, + { + "type": "null" + } + ], "title": "Steps", "description": "Default number of steps for this model" }, "cfg_scale": { - "anyOf": [{ "type": "number", "minimum": 1.0 }, { "type": "null" }], + "anyOf": [ + { + "type": "number", + "minimum": 1.0 + }, + { + "type": "null" + } + ], "title": "Cfg Scale", "description": "Default CFG Scale for this model" }, "cfg_rescale_multiplier": { - "anyOf": [{ "type": "number", "exclusiveMaximum": 1.0, "minimum": 0.0 }, { "type": "null" }], + "anyOf": [ + { + "type": "number", + "exclusiveMaximum": 1.0, + "minimum": 0.0 + }, + { + "type": "null" + } + ], "title": "Cfg Rescale Multiplier", "description": "Default CFG Rescale Multiplier for this model" }, "width": { - "anyOf": [{ "type": "integer", "multipleOf": 8.0, "minimum": 64.0 }, { "type": "null" }], + "anyOf": [ + { + "type": "integer", + "multipleOf": 8.0, + "minimum": 64.0 + }, + { + "type": "null" + } + ], "title": "Width", "description": "Default width for this model" }, "height": { - "anyOf": [{ "type": "integer", "multipleOf": 8.0, "minimum": 64.0 }, { "type": "null" }], + "anyOf": [ + { + "type": "integer", + "multipleOf": 8.0, + "minimum": 64.0 + }, + { + "type": "null" + } + ], "title": "Height", "description": "Default height for this model" }, "guidance": { - "anyOf": [{ "type": "number", "minimum": 1.0 }, { "type": "null" }], + "anyOf": [ + { + "type": "number", + "minimum": 1.0 + }, + { + "type": "null" + } + ], "title": "Guidance", "description": "Default Guidance for this model" } @@ -24758,7 +37098,14 @@ "type": "boolean" }, "model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "Main model (UNet, VAE, CLIP) to load", "field_kind": "input", @@ -24780,21 +37127,46 @@ "title": "Main Model - SD1.5, SD2", "type": "object", "version": "1.0.4", - "output": { "$ref": "#/components/schemas/ModelLoaderOutput" } + "output": { + "$ref": "#/components/schemas/ModelLoaderOutput" + } }, "Main_BnBNF4_FLUX_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -24803,40 +37175,94 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "base": { "type": "string", "const": "flux", "title": "Base", "default": "flux" }, + "base": { + "type": "string", + "const": "flux", + "title": "Base", + "default": "flux" + }, "format": { "type": "string", "const": "bnb_quantized_nf4b", "title": "Format", "default": "bnb_quantized_nf4b" }, - "variant": { "$ref": "#/components/schemas/FluxVariantType" } + "variant": { + "$ref": "#/components/schemas/FluxVariantType" + } }, "type": "object", "required": [ @@ -24863,17 +37289,40 @@ }, "Main_Checkpoint_FLUX_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -24882,35 +37331,94 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "base": { "type": "string", "const": "flux", "title": "Base", "default": "flux" }, - "variant": { "$ref": "#/components/schemas/FluxVariantType" } + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "base": { + "type": "string", + "const": "flux", + "title": "Base", + "default": "flux" + }, + "variant": { + "$ref": "#/components/schemas/FluxVariantType" + } }, "type": "object", "required": [ @@ -24937,17 +37445,40 @@ }, "Main_Checkpoint_SD1_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -24956,36 +37487,97 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "prediction_type": { "$ref": "#/components/schemas/SchedulerPredictionType" }, - "variant": { "$ref": "#/components/schemas/ModelVariantType" }, - "base": { "type": "string", "const": "sd-1", "title": "Base", "default": "sd-1" } + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "prediction_type": { + "$ref": "#/components/schemas/SchedulerPredictionType" + }, + "variant": { + "$ref": "#/components/schemas/ModelVariantType" + }, + "base": { + "type": "string", + "const": "sd-1", + "title": "Base", + "default": "sd-1" + } }, "type": "object", "required": [ @@ -25012,17 +37604,40 @@ }, "Main_Checkpoint_SD2_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -25031,36 +37646,97 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "prediction_type": { "$ref": "#/components/schemas/SchedulerPredictionType" }, - "variant": { "$ref": "#/components/schemas/ModelVariantType" }, - "base": { "type": "string", "const": "sd-2", "title": "Base", "default": "sd-2" } + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "prediction_type": { + "$ref": "#/components/schemas/SchedulerPredictionType" + }, + "variant": { + "$ref": "#/components/schemas/ModelVariantType" + }, + "base": { + "type": "string", + "const": "sd-2", + "title": "Base", + "default": "sd-2" + } }, "type": "object", "required": [ @@ -25087,17 +37763,40 @@ }, "Main_Checkpoint_SDXLRefiner_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -25106,36 +37805,97 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "prediction_type": { "$ref": "#/components/schemas/SchedulerPredictionType" }, - "variant": { "$ref": "#/components/schemas/ModelVariantType" }, - "base": { "type": "string", "const": "sdxl-refiner", "title": "Base", "default": "sdxl-refiner" } + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "prediction_type": { + "$ref": "#/components/schemas/SchedulerPredictionType" + }, + "variant": { + "$ref": "#/components/schemas/ModelVariantType" + }, + "base": { + "type": "string", + "const": "sdxl-refiner", + "title": "Base", + "default": "sdxl-refiner" + } }, "type": "object", "required": [ @@ -25162,17 +37922,40 @@ }, "Main_Checkpoint_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -25181,36 +37964,97 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "prediction_type": { "$ref": "#/components/schemas/SchedulerPredictionType" }, - "variant": { "$ref": "#/components/schemas/ModelVariantType" }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "prediction_type": { + "$ref": "#/components/schemas/SchedulerPredictionType" + }, + "variant": { + "$ref": "#/components/schemas/ModelVariantType" + }, + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -25237,17 +38081,40 @@ }, "Main_Diffusers_CogView4_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -25256,30 +38123,83 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "base": { "type": "string", "const": "cogview4", "title": "Base", "default": "cogview4" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "base": { + "type": "string", + "const": "cogview4", + "title": "Base", + "default": "cogview4" + } }, "type": "object", "required": [ @@ -25304,17 +38224,40 @@ }, "Main_Diffusers_SD1_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -25323,32 +38266,89 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "prediction_type": { "$ref": "#/components/schemas/SchedulerPredictionType" }, - "variant": { "$ref": "#/components/schemas/ModelVariantType" }, - "base": { "type": "string", "const": "sd-1", "title": "Base", "default": "sd-1" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "prediction_type": { + "$ref": "#/components/schemas/SchedulerPredictionType" + }, + "variant": { + "$ref": "#/components/schemas/ModelVariantType" + }, + "base": { + "type": "string", + "const": "sd-1", + "title": "Base", + "default": "sd-1" + } }, "type": "object", "required": [ @@ -25375,17 +38375,40 @@ }, "Main_Diffusers_SD2_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -25394,32 +38417,89 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "prediction_type": { "$ref": "#/components/schemas/SchedulerPredictionType" }, - "variant": { "$ref": "#/components/schemas/ModelVariantType" }, - "base": { "type": "string", "const": "sd-2", "title": "Base", "default": "sd-2" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "prediction_type": { + "$ref": "#/components/schemas/SchedulerPredictionType" + }, + "variant": { + "$ref": "#/components/schemas/ModelVariantType" + }, + "base": { + "type": "string", + "const": "sd-2", + "title": "Base", + "default": "sd-2" + } }, "type": "object", "required": [ @@ -25446,17 +38526,40 @@ }, "Main_Diffusers_SD3_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -25465,38 +38568,97 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "base": { "type": "string", "const": "sd-3", "title": "Base", "default": "sd-3" }, + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "base": { + "type": "string", + "const": "sd-3", + "title": "Base", + "default": "sd-3" + }, "submodels": { "anyOf": [ { - "additionalProperties": { "$ref": "#/components/schemas/SubmodelDefinition" }, - "propertyNames": { "$ref": "#/components/schemas/SubModelType" }, + "additionalProperties": { + "$ref": "#/components/schemas/SubmodelDefinition" + }, + "propertyNames": { + "$ref": "#/components/schemas/SubModelType" + }, "type": "object" }, - { "type": "null" } + { + "type": "null" + } ], "title": "Submodels", "description": "Loadable submodels in this model" @@ -25526,17 +38688,40 @@ }, "Main_Diffusers_SDXLRefiner_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -25545,32 +38730,89 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "prediction_type": { "$ref": "#/components/schemas/SchedulerPredictionType" }, - "variant": { "$ref": "#/components/schemas/ModelVariantType" }, - "base": { "type": "string", "const": "sdxl-refiner", "title": "Base", "default": "sdxl-refiner" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "prediction_type": { + "$ref": "#/components/schemas/SchedulerPredictionType" + }, + "variant": { + "$ref": "#/components/schemas/ModelVariantType" + }, + "base": { + "type": "string", + "const": "sdxl-refiner", + "title": "Base", + "default": "sdxl-refiner" + } }, "type": "object", "required": [ @@ -25597,17 +38839,40 @@ }, "Main_Diffusers_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -25616,32 +38881,89 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "prediction_type": { "$ref": "#/components/schemas/SchedulerPredictionType" }, - "variant": { "$ref": "#/components/schemas/ModelVariantType" }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "prediction_type": { + "$ref": "#/components/schemas/SchedulerPredictionType" + }, + "variant": { + "$ref": "#/components/schemas/ModelVariantType" + }, + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -25668,17 +38990,40 @@ }, "Main_Diffusers_ZImage_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -25687,30 +39032,83 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "base": { "type": "string", "const": "z-image", "title": "Base", "default": "z-image" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "base": { + "type": "string", + "const": "z-image", + "title": "Base", + "default": "z-image" + } }, "type": "object", "required": [ @@ -25736,17 +39134,40 @@ }, "Main_GGUF_FLUX_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -25755,35 +39176,94 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "base": { "type": "string", "const": "flux", "title": "Base", "default": "flux" }, - "format": { "type": "string", "const": "gguf_quantized", "title": "Format", "default": "gguf_quantized" }, - "variant": { "$ref": "#/components/schemas/FluxVariantType" } + "base": { + "type": "string", + "const": "flux", + "title": "Base", + "default": "flux" + }, + "format": { + "type": "string", + "const": "gguf_quantized", + "title": "Format", + "default": "gguf_quantized" + }, + "variant": { + "$ref": "#/components/schemas/FluxVariantType" + } }, "type": "object", "required": [ @@ -25810,17 +39290,40 @@ }, "Main_GGUF_ZImage_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -25829,34 +39332,91 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "main", "title": "Type", "default": "main" }, + "type": { + "type": "string", + "const": "main", + "title": "Type", + "default": "main" + }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/MainModelDefaultSettings" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "type": "null" + } + ], "description": "Default settings for this model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "base": { "type": "string", "const": "z-image", "title": "Base", "default": "z-image" }, - "format": { "type": "string", "const": "gguf_quantized", "title": "Format", "default": "gguf_quantized" } + "base": { + "type": "string", + "const": "z-image", + "title": "Base", + "default": "z-image" + }, + "format": { + "type": "string", + "const": "gguf_quantized", + "title": "Format", + "default": "gguf_quantized" + } }, "type": "object", "required": [ @@ -25888,7 +39448,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -25897,7 +39464,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -25930,7 +39504,14 @@ "type": "boolean" }, "mask1": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The first mask to combine", "field_kind": "input", @@ -25938,7 +39519,14 @@ "orig_required": true }, "mask2": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The second image to combine", "field_kind": "input", @@ -25958,7 +39546,9 @@ "title": "Combine Masks", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "MaskEdgeInvocation": { "category": "image", @@ -25968,7 +39558,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -25977,7 +39574,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -26010,7 +39614,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to apply the mask to", "field_kind": "input", @@ -26018,7 +39629,14 @@ "orig_required": true }, "edge_size": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The size of the edge", "field_kind": "input", @@ -26027,7 +39645,14 @@ "title": "Edge Size" }, "edge_blur": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The amount of blur on the edge", "field_kind": "input", @@ -26036,7 +39661,14 @@ "title": "Edge Blur" }, "low_threshold": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "First threshold for the hysteresis procedure in Canny edge detection", "field_kind": "input", @@ -26045,7 +39677,14 @@ "title": "Low Threshold" }, "high_threshold": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "Second threshold for the hysteresis procedure in Canny edge detection", "field_kind": "input", @@ -26066,7 +39705,9 @@ "title": "Mask Edge", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "MaskFromAlphaInvocation": { "category": "image", @@ -26076,7 +39717,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -26085,7 +39733,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -26118,7 +39773,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to create the mask from", "field_kind": "input", @@ -26148,7 +39810,9 @@ "title": "Mask from Alpha", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "MaskFromIDInvocation": { "category": "image", @@ -26158,7 +39822,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -26167,7 +39838,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -26200,7 +39878,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to create the mask from", "field_kind": "input", @@ -26208,7 +39893,14 @@ "orig_required": true }, "color": { - "anyOf": [{ "$ref": "#/components/schemas/ColorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ColorField" + }, + { + "type": "null" + } + ], "default": null, "description": "ID color to mask", "field_kind": "input", @@ -26248,7 +39940,9 @@ "title": "Mask from Segmented Image", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "MaskOutput": { "class": "output", @@ -26294,7 +39988,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -26303,7 +40004,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -26336,7 +40044,14 @@ "type": "boolean" }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/TensorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], "default": null, "description": "The mask tensor to convert.", "field_kind": "input", @@ -26356,7 +40071,9 @@ "title": "Tensor Mask to Image", "type": "object", "version": "1.1.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "MediaPipeFaceDetectionInvocation": { "category": "controlnet", @@ -26366,7 +40083,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -26375,7 +40099,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -26408,7 +40139,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -26451,7 +40189,9 @@ "title": "MediaPipe Face Detection", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "MergeMetadataInvocation": { "category": "metadata", @@ -26486,8 +40226,15 @@ }, "collection": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/MetadataField" }, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/MetadataField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "Collection of Metadata", @@ -26509,7 +40256,9 @@ "title": "Metadata Merge", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/MetadataOutput" } + "output": { + "$ref": "#/components/schemas/MetadataOutput" + } }, "MergeTilesToImageInvocation": { "category": "tiles", @@ -26519,7 +40268,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -26528,7 +40284,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -26562,8 +40325,15 @@ }, "tiles_with_images": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/TileWithImage" }, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/TileWithImage" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "A list of tile images with tile properties.", @@ -26607,7 +40377,9 @@ "title": "Merge Tiles to Image", "type": "object", "version": "1.1.1", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "MetadataField": { "additionalProperties": true, @@ -26647,7 +40419,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to extract metadata from", "field_kind": "input", @@ -26655,7 +40434,14 @@ "orig_required": true }, "key": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The key in the image's metadata to extract the value from", "field_kind": "input", @@ -26676,7 +40462,9 @@ "title": "Metadata Field Extractor", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/StringOutput" } + "output": { + "$ref": "#/components/schemas/StringOutput" + } }, "MetadataFromImageInvocation": { "category": "metadata", @@ -26710,7 +40498,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -26730,7 +40525,9 @@ "title": "Metadata From Image", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/MetadataOutput" } + "output": { + "$ref": "#/components/schemas/MetadataOutput" + } }, "MetadataInvocation": { "category": "metadata", @@ -26765,9 +40562,18 @@ }, "items": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/MetadataItemField" }, "type": "array" }, - { "$ref": "#/components/schemas/MetadataItemField" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/MetadataItemField" + }, + "type": "array" + }, + { + "$ref": "#/components/schemas/MetadataItemField" + }, + { + "type": "null" + } ], "default": null, "description": "A single metadata item or collection of metadata items", @@ -26789,12 +40595,21 @@ "title": "Metadata", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/MetadataOutput" } + "output": { + "$ref": "#/components/schemas/MetadataOutput" + } }, "MetadataItemField": { "properties": { - "label": { "description": "Label for this metadata item", "title": "Label", "type": "string" }, - "value": { "description": "The value for this metadata item (may be any type)", "title": "Value" } + "label": { + "description": "Label for this metadata item", + "title": "Label", + "type": "string" + }, + "value": { + "description": "The value for this metadata item (may be any type)", + "title": "Value" + } }, "required": ["label", "value"], "title": "MetadataItemField", @@ -26832,7 +40647,14 @@ "type": "boolean" }, "label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -26841,7 +40663,12 @@ "title": "Label" }, "value": { - "anyOf": [{}, { "type": "null" }], + "anyOf": [ + {}, + { + "type": "null" + } + ], "default": null, "description": "The value for this metadata item (may be any type)", "field_kind": "input", @@ -26863,7 +40690,9 @@ "title": "Metadata Item", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/MetadataItemOutput" } + "output": { + "$ref": "#/components/schemas/MetadataItemOutput" + } }, "MetadataItemLinkedInvocation": { "category": "metadata", @@ -26873,7 +40702,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -26938,7 +40774,14 @@ "type": "string" }, "custom_label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -26948,7 +40791,12 @@ "title": "Custom Label" }, "value": { - "anyOf": [{}, { "type": "null" }], + "anyOf": [ + {}, + { + "type": "null" + } + ], "default": null, "description": "The value for this metadata item (may be any type)", "field_kind": "input", @@ -26970,7 +40818,9 @@ "title": "Metadata Item Linked", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/MetadataOutput" } + "output": { + "$ref": "#/components/schemas/MetadataOutput" + } }, "MetadataItemOutput": { "class": "output", @@ -27023,7 +40873,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -27067,7 +40924,14 @@ "type": "string" }, "custom_label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -27077,7 +40941,17 @@ "title": "Custom Label" }, "default_value": { - "anyOf": [{ "items": { "type": "boolean" }, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "boolean" + }, + "type": "array" + }, + { + "type": "null" + } + ], "default": null, "description": "The default bool to use if not found in the metadata", "field_kind": "input", @@ -27098,7 +40972,9 @@ "title": "Metadata To Bool Collection", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/BooleanCollectionOutput" } + "output": { + "$ref": "#/components/schemas/BooleanCollectionOutput" + } }, "MetadataToBoolInvocation": { "category": "metadata", @@ -27108,7 +40984,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -27152,7 +41035,14 @@ "type": "string" }, "custom_label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -27162,7 +41052,14 @@ "title": "Custom Label" }, "default_value": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "default": null, "description": "The default bool to use if not found in the metadata", "field_kind": "input", @@ -27183,7 +41080,9 @@ "title": "Metadata To Bool", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/BooleanOutput" } + "output": { + "$ref": "#/components/schemas/BooleanOutput" + } }, "MetadataToControlnetsInvocation": { "category": "metadata", @@ -27193,7 +41092,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -27227,9 +41133,18 @@ }, "control_list": { "anyOf": [ - { "$ref": "#/components/schemas/ControlField" }, - { "items": { "$ref": "#/components/schemas/ControlField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/ControlField" + }, + { + "items": { + "$ref": "#/components/schemas/ControlField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "field_kind": "input", @@ -27251,7 +41166,9 @@ "title": "Metadata To ControlNets", "type": "object", "version": "1.2.0", - "output": { "$ref": "#/components/schemas/MDControlListOutput" } + "output": { + "$ref": "#/components/schemas/MDControlListOutput" + } }, "MetadataToFloatCollectionInvocation": { "category": "metadata", @@ -27261,7 +41178,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -27305,7 +41229,14 @@ "type": "string" }, "custom_label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -27315,7 +41246,17 @@ "title": "Custom Label" }, "default_value": { - "anyOf": [{ "items": { "type": "number" }, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "number" + }, + "type": "array" + }, + { + "type": "null" + } + ], "default": null, "description": "The default float to use if not found in the metadata", "field_kind": "input", @@ -27336,7 +41277,9 @@ "title": "Metadata To Float Collection", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/FloatCollectionOutput" } + "output": { + "$ref": "#/components/schemas/FloatCollectionOutput" + } }, "MetadataToFloatInvocation": { "category": "metadata", @@ -27346,7 +41289,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -27390,7 +41340,14 @@ "type": "string" }, "custom_label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -27400,7 +41357,14 @@ "title": "Custom Label" }, "default_value": { - "anyOf": [{ "type": "number" }, { "type": "null" }], + "anyOf": [ + { + "type": "number" + }, + { + "type": "null" + } + ], "default": null, "description": "The default float to use if not found in the metadata", "field_kind": "input", @@ -27421,7 +41385,9 @@ "title": "Metadata To Float", "type": "object", "version": "1.1.0", - "output": { "$ref": "#/components/schemas/FloatOutput" } + "output": { + "$ref": "#/components/schemas/FloatOutput" + } }, "MetadataToIPAdaptersInvocation": { "category": "metadata", @@ -27431,7 +41397,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -27465,9 +41438,18 @@ }, "ip_adapter_list": { "anyOf": [ - { "$ref": "#/components/schemas/IPAdapterField" }, - { "items": { "$ref": "#/components/schemas/IPAdapterField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/IPAdapterField" + }, + { + "items": { + "$ref": "#/components/schemas/IPAdapterField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "IP-Adapter to apply", @@ -27490,7 +41472,9 @@ "title": "Metadata To IP-Adapters", "type": "object", "version": "1.2.0", - "output": { "$ref": "#/components/schemas/MDIPAdapterListOutput" } + "output": { + "$ref": "#/components/schemas/MDIPAdapterListOutput" + } }, "MetadataToIntegerCollectionInvocation": { "category": "metadata", @@ -27500,7 +41484,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -27553,7 +41544,14 @@ "type": "string" }, "custom_label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -27563,7 +41561,17 @@ "title": "Custom Label" }, "default_value": { - "anyOf": [{ "items": { "type": "integer" }, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "integer" + }, + "type": "array" + }, + { + "type": "null" + } + ], "default": null, "description": "The default integer to use if not found in the metadata", "field_kind": "input", @@ -27584,7 +41592,9 @@ "title": "Metadata To Integer Collection", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/IntegerCollectionOutput" } + "output": { + "$ref": "#/components/schemas/IntegerCollectionOutput" + } }, "MetadataToIntegerInvocation": { "category": "metadata", @@ -27594,7 +41604,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -27647,7 +41664,14 @@ "type": "string" }, "custom_label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -27657,7 +41681,14 @@ "title": "Custom Label" }, "default_value": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The default integer to use if not found in the metadata", "field_kind": "input", @@ -27678,7 +41709,9 @@ "title": "Metadata To Integer", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/IntegerOutput" } + "output": { + "$ref": "#/components/schemas/IntegerOutput" + } }, "MetadataToLorasCollectionInvocation": { "category": "metadata", @@ -27688,7 +41721,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -27732,9 +41772,18 @@ }, "loras": { "anyOf": [ - { "$ref": "#/components/schemas/LoRAField" }, - { "items": { "$ref": "#/components/schemas/LoRAField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/LoRAField" + }, + { + "items": { + "$ref": "#/components/schemas/LoRAField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": [], "description": "LoRA models and weights. May be a single LoRA or collection.", @@ -27757,7 +41806,9 @@ "title": "Metadata To LoRA Collection", "type": "object", "version": "1.1.0", - "output": { "$ref": "#/components/schemas/MetadataToLorasCollectionOutput" } + "output": { + "$ref": "#/components/schemas/MetadataToLorasCollectionOutput" + } }, "MetadataToLorasCollectionOutput": { "class": "output", @@ -27766,7 +41817,9 @@ "lora": { "description": "Collection of LoRA model and weights", "field_kind": "output", - "items": { "$ref": "#/components/schemas/LoRAField" }, + "items": { + "$ref": "#/components/schemas/LoRAField" + }, "title": "LoRAs", "type": "array", "ui_hidden": false @@ -27791,7 +41844,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -27824,7 +41884,14 @@ "type": "boolean" }, "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "input", @@ -27834,7 +41901,14 @@ "title": "UNet" }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -27856,7 +41930,9 @@ "title": "Metadata To LoRAs", "type": "object", "version": "1.1.1", - "output": { "$ref": "#/components/schemas/LoRALoaderOutput" } + "output": { + "$ref": "#/components/schemas/LoRALoaderOutput" + } }, "MetadataToModelInvocation": { "category": "metadata", @@ -27866,7 +41942,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -27910,7 +41993,14 @@ "type": "string" }, "custom_label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -27920,7 +42010,14 @@ "title": "Custom Label" }, "default_value": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "The default model to use if not found in the metadata", "field_kind": "input", @@ -27941,7 +42038,9 @@ "title": "Metadata To Model", "type": "object", "version": "1.3.0", - "output": { "$ref": "#/components/schemas/MetadataToModelOutput" } + "output": { + "$ref": "#/components/schemas/MetadataToModelOutput" + } }, "MetadataToModelOutput": { "class": "output", @@ -28002,7 +42101,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -28035,7 +42141,14 @@ "type": "boolean" }, "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "input", @@ -28045,7 +42158,14 @@ "title": "UNet" }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -28055,7 +42175,14 @@ "title": "CLIP 1" }, "clip2": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -28077,7 +42204,9 @@ "title": "Metadata To SDXL LoRAs", "type": "object", "version": "1.1.1", - "output": { "$ref": "#/components/schemas/SDXLLoRALoaderOutput" } + "output": { + "$ref": "#/components/schemas/SDXLLoRALoaderOutput" + } }, "MetadataToSDXLModelInvocation": { "category": "metadata", @@ -28087,7 +42216,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -28131,7 +42267,14 @@ "type": "string" }, "custom_label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -28141,7 +42284,14 @@ "title": "Custom Label" }, "default_value": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "The default SDXL Model to use if not found in the metadata", "field_kind": "input", @@ -28163,7 +42313,9 @@ "title": "Metadata To SDXL Model", "type": "object", "version": "1.3.0", - "output": { "$ref": "#/components/schemas/MetadataToSDXLModelOutput" } + "output": { + "$ref": "#/components/schemas/MetadataToSDXLModelOutput" + } }, "MetadataToSDXLModelOutput": { "class": "output", @@ -28231,7 +42383,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -28275,7 +42434,14 @@ "type": "string" }, "custom_label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -28340,7 +42506,9 @@ "title": "Metadata To Scheduler", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/SchedulerOutput" } + "output": { + "$ref": "#/components/schemas/SchedulerOutput" + } }, "MetadataToStringCollectionInvocation": { "category": "metadata", @@ -28350,7 +42518,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -28400,7 +42575,14 @@ "type": "string" }, "custom_label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -28410,7 +42592,17 @@ "title": "Custom Label" }, "default_value": { - "anyOf": [{ "items": { "type": "string" }, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array" + }, + { + "type": "null" + } + ], "default": null, "description": "The default string collection to use if not found in the metadata", "field_kind": "input", @@ -28431,7 +42623,9 @@ "title": "Metadata To String Collection", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/StringCollectionOutput" } + "output": { + "$ref": "#/components/schemas/StringCollectionOutput" + } }, "MetadataToStringInvocation": { "category": "metadata", @@ -28441,7 +42635,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -28491,7 +42692,14 @@ "type": "string" }, "custom_label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -28501,7 +42709,14 @@ "title": "Custom Label" }, "default_value": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The default string to use if not found in the metadata", "field_kind": "input", @@ -28522,7 +42737,9 @@ "title": "Metadata To String", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/StringOutput" } + "output": { + "$ref": "#/components/schemas/StringOutput" + } }, "MetadataToT2IAdaptersInvocation": { "category": "metadata", @@ -28532,7 +42749,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -28566,9 +42790,18 @@ }, "t2i_adapter_list": { "anyOf": [ - { "$ref": "#/components/schemas/T2IAdapterField" }, - { "items": { "$ref": "#/components/schemas/T2IAdapterField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/T2IAdapterField" + }, + { + "items": { + "$ref": "#/components/schemas/T2IAdapterField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "IP-Adapter to apply", @@ -28591,7 +42824,9 @@ "title": "Metadata To T2I-Adapters", "type": "object", "version": "1.2.0", - "output": { "$ref": "#/components/schemas/MDT2IAdapterListOutput" } + "output": { + "$ref": "#/components/schemas/MDT2IAdapterListOutput" + } }, "MetadataToVAEInvocation": { "category": "metadata", @@ -28601,7 +42836,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -28645,7 +42887,14 @@ "type": "string" }, "custom_label": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Label for this metadata item", "field_kind": "input", @@ -28655,7 +42904,14 @@ "title": "Custom Label" }, "default_value": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "The default VAE to use if not found in the metadata", "field_kind": "input", @@ -28675,7 +42931,9 @@ "title": "Metadata To VAE", "type": "object", "version": "1.2.1", - "output": { "$ref": "#/components/schemas/VAEOutput" } + "output": { + "$ref": "#/components/schemas/VAEOutput" + } }, "ModelFormat": { "type": "string", @@ -28701,13 +42959,38 @@ }, "ModelIdentifierField": { "properties": { - "key": { "description": "The model's unique key", "title": "Key", "type": "string" }, - "hash": { "description": "The model's BLAKE3 hash", "title": "Hash", "type": "string" }, - "name": { "description": "The model's name", "title": "Name", "type": "string" }, - "base": { "$ref": "#/components/schemas/BaseModelType", "description": "The model's base model type" }, - "type": { "$ref": "#/components/schemas/ModelType", "description": "The model's type" }, + "key": { + "description": "The model's unique key", + "title": "Key", + "type": "string" + }, + "hash": { + "description": "The model's BLAKE3 hash", + "title": "Hash", + "type": "string" + }, + "name": { + "description": "The model's name", + "title": "Name", + "type": "string" + }, + "base": { + "$ref": "#/components/schemas/BaseModelType", + "description": "The model's base model type" + }, + "type": { + "$ref": "#/components/schemas/ModelType", + "description": "The model's type" + }, "submodel_type": { - "anyOf": [{ "$ref": "#/components/schemas/SubModelType" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/SubModelType" + }, + { + "type": "null" + } + ], "default": null, "description": "The submodel to load, if this is a main model" } @@ -28748,7 +43031,14 @@ "type": "boolean" }, "model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "The model to select", "field_kind": "input", @@ -28769,7 +43059,9 @@ "title": "Any Model", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/ModelIdentifierOutput" } + "output": { + "$ref": "#/components/schemas/ModelIdentifierOutput" + } }, "ModelIdentifierOutput": { "class": "output", @@ -28797,8 +43089,16 @@ "ModelInstallCancelledEvent": { "description": "Event model for model_install_cancelled", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "id": { "description": "The ID of the install job", "title": "Id", "type": "integer" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "id": { + "description": "The ID of the install job", + "title": "Id", + "type": "integer" + }, "source": { "description": "Source of the model; local path, repo_id or url", "discriminator": { @@ -28810,9 +43110,15 @@ "propertyName": "type" }, "oneOf": [ - { "$ref": "#/components/schemas/LocalModelSource" }, - { "$ref": "#/components/schemas/HFModelSource" }, - { "$ref": "#/components/schemas/URLModelSource" } + { + "$ref": "#/components/schemas/LocalModelSource" + }, + { + "$ref": "#/components/schemas/HFModelSource" + }, + { + "$ref": "#/components/schemas/URLModelSource" + } ], "title": "Source" } @@ -28824,8 +43130,16 @@ "ModelInstallCompleteEvent": { "description": "Event model for model_install_complete", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "id": { "description": "The ID of the install job", "title": "Id", "type": "integer" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "id": { + "description": "The ID of the install job", + "title": "Id", + "type": "integer" + }, "source": { "description": "Source of the model; local path, repo_id or url", "discriminator": { @@ -28837,89 +43151,242 @@ "propertyName": "type" }, "oneOf": [ - { "$ref": "#/components/schemas/LocalModelSource" }, - { "$ref": "#/components/schemas/HFModelSource" }, - { "$ref": "#/components/schemas/URLModelSource" } + { + "$ref": "#/components/schemas/LocalModelSource" + }, + { + "$ref": "#/components/schemas/HFModelSource" + }, + { + "$ref": "#/components/schemas/URLModelSource" + } ], "title": "Source" }, - "key": { "description": "Model config record key", "title": "Key", "type": "string" }, + "key": { + "description": "Model config record key", + "title": "Key", + "type": "string" + }, "total_bytes": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "description": "Size of the model (may be None for installation of a local path)", "title": "Total Bytes" }, "config": { "description": "The installed model's config", "oneOf": [ - { "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" }, - { "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" }, - { "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" }, - { "$ref": "#/components/schemas/TI_File_SD1_Config" }, - { "$ref": "#/components/schemas/TI_File_SD2_Config" }, - { "$ref": "#/components/schemas/TI_File_SDXL_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD1_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD2_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" }, - { "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" }, - { "$ref": "#/components/schemas/SigLIP_Diffusers_Config" }, - { "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" }, - { "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" }, - { "$ref": "#/components/schemas/Unknown_Config" } + { + "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" + }, + { + "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SDXL_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" + }, + { + "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/SigLIP_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/Unknown_Config" + } ], "title": "Config" } @@ -28931,8 +43398,16 @@ "ModelInstallDownloadProgressEvent": { "description": "Event model for model_install_download_progress", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "id": { "description": "The ID of the install job", "title": "Id", "type": "integer" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "id": { + "description": "The ID of the install job", + "title": "Id", + "type": "integer" + }, "source": { "description": "Source of the model; local path, repo_id or url", "discriminator": { @@ -28944,14 +43419,28 @@ "propertyName": "type" }, "oneOf": [ - { "$ref": "#/components/schemas/LocalModelSource" }, - { "$ref": "#/components/schemas/HFModelSource" }, - { "$ref": "#/components/schemas/URLModelSource" } + { + "$ref": "#/components/schemas/LocalModelSource" + }, + { + "$ref": "#/components/schemas/HFModelSource" + }, + { + "$ref": "#/components/schemas/URLModelSource" + } ], "title": "Source" }, - "local_path": { "description": "Where model is downloading to", "title": "Local Path", "type": "string" }, - "bytes": { "description": "Number of bytes downloaded so far", "title": "Bytes", "type": "integer" }, + "local_path": { + "description": "Where model is downloading to", + "title": "Local Path", + "type": "string" + }, + "bytes": { + "description": "Number of bytes downloaded so far", + "title": "Bytes", + "type": "integer" + }, "total_bytes": { "description": "Total size of download, including all files", "title": "Total Bytes", @@ -28960,7 +43449,16 @@ "parts": { "description": "Progress of downloading URLs that comprise the model, if any", "items": { - "additionalProperties": { "anyOf": [{ "type": "integer" }, { "type": "string" }] }, + "additionalProperties": { + "anyOf": [ + { + "type": "integer" + }, + { + "type": "string" + } + ] + }, "type": "object" }, "title": "Parts", @@ -28974,8 +43472,16 @@ "ModelInstallDownloadStartedEvent": { "description": "Event model for model_install_download_started", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "id": { "description": "The ID of the install job", "title": "Id", "type": "integer" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "id": { + "description": "The ID of the install job", + "title": "Id", + "type": "integer" + }, "source": { "description": "Source of the model; local path, repo_id or url", "discriminator": { @@ -28987,14 +43493,28 @@ "propertyName": "type" }, "oneOf": [ - { "$ref": "#/components/schemas/LocalModelSource" }, - { "$ref": "#/components/schemas/HFModelSource" }, - { "$ref": "#/components/schemas/URLModelSource" } + { + "$ref": "#/components/schemas/LocalModelSource" + }, + { + "$ref": "#/components/schemas/HFModelSource" + }, + { + "$ref": "#/components/schemas/URLModelSource" + } ], "title": "Source" }, - "local_path": { "description": "Where model is downloading to", "title": "Local Path", "type": "string" }, - "bytes": { "description": "Number of bytes downloaded so far", "title": "Bytes", "type": "integer" }, + "local_path": { + "description": "Where model is downloading to", + "title": "Local Path", + "type": "string" + }, + "bytes": { + "description": "Number of bytes downloaded so far", + "title": "Bytes", + "type": "integer" + }, "total_bytes": { "description": "Total size of download, including all files", "title": "Total Bytes", @@ -29003,7 +43523,16 @@ "parts": { "description": "Progress of downloading URLs that comprise the model, if any", "items": { - "additionalProperties": { "anyOf": [{ "type": "integer" }, { "type": "string" }] }, + "additionalProperties": { + "anyOf": [ + { + "type": "integer" + }, + { + "type": "string" + } + ] + }, "type": "object" }, "title": "Parts", @@ -29017,8 +43546,16 @@ "ModelInstallDownloadsCompleteEvent": { "description": "Emitted once when an install job becomes active.", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "id": { "description": "The ID of the install job", "title": "Id", "type": "integer" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "id": { + "description": "The ID of the install job", + "title": "Id", + "type": "integer" + }, "source": { "description": "Source of the model; local path, repo_id or url", "discriminator": { @@ -29030,9 +43567,15 @@ "propertyName": "type" }, "oneOf": [ - { "$ref": "#/components/schemas/LocalModelSource" }, - { "$ref": "#/components/schemas/HFModelSource" }, - { "$ref": "#/components/schemas/URLModelSource" } + { + "$ref": "#/components/schemas/LocalModelSource" + }, + { + "$ref": "#/components/schemas/HFModelSource" + }, + { + "$ref": "#/components/schemas/URLModelSource" + } ], "title": "Source" } @@ -29044,8 +43587,16 @@ "ModelInstallErrorEvent": { "description": "Event model for model_install_error", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "id": { "description": "The ID of the install job", "title": "Id", "type": "integer" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "id": { + "description": "The ID of the install job", + "title": "Id", + "type": "integer" + }, "source": { "description": "Source of the model; local path, repo_id or url", "discriminator": { @@ -29057,14 +43608,28 @@ "propertyName": "type" }, "oneOf": [ - { "$ref": "#/components/schemas/LocalModelSource" }, - { "$ref": "#/components/schemas/HFModelSource" }, - { "$ref": "#/components/schemas/URLModelSource" } + { + "$ref": "#/components/schemas/LocalModelSource" + }, + { + "$ref": "#/components/schemas/HFModelSource" + }, + { + "$ref": "#/components/schemas/URLModelSource" + } ], "title": "Source" }, - "error_type": { "description": "The name of the exception", "title": "Error Type", "type": "string" }, - "error": { "description": "A text description of the exception", "title": "Error", "type": "string" } + "error_type": { + "description": "The name of the exception", + "title": "Error Type", + "type": "string" + }, + "error": { + "description": "A text description of the exception", + "title": "Error", + "type": "string" + } }, "required": ["timestamp", "id", "source", "error_type", "error"], "title": "ModelInstallErrorEvent", @@ -29072,14 +43637,25 @@ }, "ModelInstallJob": { "properties": { - "id": { "type": "integer", "title": "Id", "description": "Unique ID for this job" }, + "id": { + "type": "integer", + "title": "Id", + "description": "Unique ID for this job" + }, "status": { "$ref": "#/components/schemas/InstallStatus", "description": "Current status of install process", "default": "waiting" }, "error_reason": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Error Reason", "description": "Information about why the job failed" }, @@ -29091,77 +43667,215 @@ "anyOf": [ { "oneOf": [ - { "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" }, - { "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" }, - { "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" }, - { "$ref": "#/components/schemas/TI_File_SD1_Config" }, - { "$ref": "#/components/schemas/TI_File_SD2_Config" }, - { "$ref": "#/components/schemas/TI_File_SDXL_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD1_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD2_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" }, - { "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" }, - { "$ref": "#/components/schemas/SigLIP_Diffusers_Config" }, - { "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" }, - { "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" }, - { "$ref": "#/components/schemas/Unknown_Config" } + { + "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" + }, + { + "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SDXL_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" + }, + { + "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/SigLIP_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/Unknown_Config" + } ] }, - { "type": "null" } + { + "type": "null" + } ], "title": "Config Out", "description": "After successful installation, this will hold the configuration object." @@ -29174,9 +43888,15 @@ }, "source": { "oneOf": [ - { "$ref": "#/components/schemas/LocalModelSource" }, - { "$ref": "#/components/schemas/HFModelSource" }, - { "$ref": "#/components/schemas/URLModelSource" } + { + "$ref": "#/components/schemas/LocalModelSource" + }, + { + "$ref": "#/components/schemas/HFModelSource" + }, + { + "$ref": "#/components/schemas/URLModelSource" + } ], "title": "Source", "description": "Source (URL, repo_id, or local path) of model", @@ -29211,8 +43931,12 @@ "anyOf": [ { "oneOf": [ - { "$ref": "#/components/schemas/BaseMetadata" }, - { "$ref": "#/components/schemas/HuggingFaceMetadata" } + { + "$ref": "#/components/schemas/BaseMetadata" + }, + { + "$ref": "#/components/schemas/HuggingFaceMetadata" + } ], "discriminator": { "propertyName": "type", @@ -29222,25 +43946,43 @@ } } }, - { "type": "null" } + { + "type": "null" + } ], "title": "Source Metadata", "description": "Metadata provided by the model source" }, "download_parts": { - "items": { "$ref": "#/components/schemas/DownloadJob" }, + "items": { + "$ref": "#/components/schemas/DownloadJob" + }, "type": "array", "uniqueItems": true, "title": "Download Parts", "description": "Download jobs contributing to this install" }, "error": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Error", "description": "On an error condition, this field will contain the text of the exception" }, "error_traceback": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Error Traceback", "description": "On an error condition, this field will contain the exception traceback" } @@ -29253,8 +43995,16 @@ "ModelInstallStartedEvent": { "description": "Event model for model_install_started", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "id": { "description": "The ID of the install job", "title": "Id", "type": "integer" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "id": { + "description": "The ID of the install job", + "title": "Id", + "type": "integer" + }, "source": { "description": "Source of the model; local path, repo_id or url", "discriminator": { @@ -29266,9 +44016,15 @@ "propertyName": "type" }, "oneOf": [ - { "$ref": "#/components/schemas/LocalModelSource" }, - { "$ref": "#/components/schemas/HFModelSource" }, - { "$ref": "#/components/schemas/URLModelSource" } + { + "$ref": "#/components/schemas/LocalModelSource" + }, + { + "$ref": "#/components/schemas/HFModelSource" + }, + { + "$ref": "#/components/schemas/URLModelSource" + } ], "title": "Source" } @@ -29280,83 +44036,230 @@ "ModelLoadCompleteEvent": { "description": "Event model for model_load_complete", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, "config": { "description": "The model's config", "oneOf": [ - { "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" }, - { "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" }, - { "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" }, - { "$ref": "#/components/schemas/TI_File_SD1_Config" }, - { "$ref": "#/components/schemas/TI_File_SD2_Config" }, - { "$ref": "#/components/schemas/TI_File_SDXL_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD1_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD2_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" }, - { "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" }, - { "$ref": "#/components/schemas/SigLIP_Diffusers_Config" }, - { "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" }, - { "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" }, - { "$ref": "#/components/schemas/Unknown_Config" } + { + "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" + }, + { + "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SDXL_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" + }, + { + "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/SigLIP_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/Unknown_Config" + } ], "title": "Config" }, "submodel_type": { - "anyOf": [{ "$ref": "#/components/schemas/SubModelType" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/SubModelType" + }, + { + "type": "null" + } + ], "default": null, "description": "The submodel type, if any" } @@ -29368,83 +44271,230 @@ "ModelLoadStartedEvent": { "description": "Event model for model_load_started", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, "config": { "description": "The model's config", "oneOf": [ - { "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" }, - { "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" }, - { "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" }, - { "$ref": "#/components/schemas/TI_File_SD1_Config" }, - { "$ref": "#/components/schemas/TI_File_SD2_Config" }, - { "$ref": "#/components/schemas/TI_File_SDXL_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD1_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD2_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" }, - { "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" }, - { "$ref": "#/components/schemas/SigLIP_Diffusers_Config" }, - { "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" }, - { "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" }, - { "$ref": "#/components/schemas/Unknown_Config" } + { + "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" + }, + { + "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SDXL_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" + }, + { + "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/SigLIP_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/Unknown_Config" + } ], "title": "Config" }, "submodel_type": { - "anyOf": [{ "$ref": "#/components/schemas/SubModelType" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/SubModelType" + }, + { + "type": "null" + } + ], "default": null, "description": "The submodel type, if any" } @@ -29493,98 +44543,230 @@ "ModelRecordChanges": { "properties": { "source": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source", "description": "original source of the model" }, "source_type": { - "anyOf": [{ "$ref": "#/components/schemas/ModelSourceType" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelSourceType" + }, + { + "type": "null" + } + ], "description": "type of model source" }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "metadata from remote source" }, "name": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Name", "description": "Name of the model." }, "path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Path", "description": "Path to the model." }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, "base": { - "anyOf": [{ "$ref": "#/components/schemas/BaseModelType" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BaseModelType" + }, + { + "type": "null" + } + ], "description": "The base model." }, "type": { - "anyOf": [{ "$ref": "#/components/schemas/ModelType" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelType" + }, + { + "type": "null" + } + ], "description": "Type of model" }, "key": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Key", "description": "Database ID for this model" }, "hash": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Hash", "description": "hash of model file" }, "file_size": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "title": "File Size", "description": "Size of model file" }, "format": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Format", "description": "format of model file" }, "trigger_phrases": { - "anyOf": [{ "items": { "type": "string" }, "type": "array", "uniqueItems": true }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array", + "uniqueItems": true + }, + { + "type": "null" + } + ], "title": "Trigger Phrases", "description": "Set of trigger phrases for this model" }, "default_settings": { "anyOf": [ - { "$ref": "#/components/schemas/MainModelDefaultSettings" }, - { "$ref": "#/components/schemas/LoraModelDefaultSettings" }, - { "$ref": "#/components/schemas/ControlAdapterDefaultSettings" }, - { "type": "null" } + { + "$ref": "#/components/schemas/MainModelDefaultSettings" + }, + { + "$ref": "#/components/schemas/LoraModelDefaultSettings" + }, + { + "$ref": "#/components/schemas/ControlAdapterDefaultSettings" + }, + { + "type": "null" + } ], "title": "Default Settings", "description": "Default settings for this model" }, "variant": { "anyOf": [ - { "$ref": "#/components/schemas/ModelVariantType" }, - { "$ref": "#/components/schemas/ClipVariantType" }, - { "$ref": "#/components/schemas/FluxVariantType" }, - { "type": "null" } + { + "$ref": "#/components/schemas/ModelVariantType" + }, + { + "$ref": "#/components/schemas/ClipVariantType" + }, + { + "$ref": "#/components/schemas/FluxVariantType" + }, + { + "type": "null" + } ], "title": "Variant", "description": "The variant of the model." }, "prediction_type": { - "anyOf": [{ "$ref": "#/components/schemas/SchedulerPredictionType" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/SchedulerPredictionType" + }, + { + "type": "null" + } + ], "description": "The prediction type of the model." }, "upcast_attention": { - "anyOf": [{ "type": "boolean" }, { "type": "null" }], + "anyOf": [ + { + "type": "boolean" + }, + { + "type": "null" + } + ], "title": "Upcast Attention", "description": "Whether to upcast attention." }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to config file for model" } @@ -29596,7 +44778,9 @@ "ModelRelationshipBatchRequest": { "properties": { "model_keys": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Model Keys", "description": "List of model keys to fetch related models for", @@ -29696,74 +44880,210 @@ "models": { "items": { "oneOf": [ - { "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" }, - { "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" }, - { "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" }, - { "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" }, - { "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" }, - { "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" }, - { "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" }, - { "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" }, - { "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" }, - { "$ref": "#/components/schemas/TI_File_SD1_Config" }, - { "$ref": "#/components/schemas/TI_File_SD2_Config" }, - { "$ref": "#/components/schemas/TI_File_SDXL_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD1_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SD2_Config" }, - { "$ref": "#/components/schemas/TI_Folder_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" }, - { "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" }, - { "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" }, - { "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" }, - { "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" }, - { "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" }, - { "$ref": "#/components/schemas/SigLIP_Diffusers_Config" }, - { "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" }, - { "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" }, - { "$ref": "#/components/schemas/Unknown_Config" } + { + "$ref": "#/components/schemas/Main_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_SD3_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_CogView4_Config" + }, + { + "$ref": "#/components/schemas/Main_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_SDXLRefiner_Config" + }, + { + "$ref": "#/components/schemas/Main_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_BnBNF4_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_FLUX_Config" + }, + { + "$ref": "#/components/schemas/Main_GGUF_ZImage_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/VAE_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/VAE_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/ControlNet_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_LyCORIS_ZImage_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_OMI_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SD2_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_FLUX_Config" + }, + { + "$ref": "#/components/schemas/LoRA_Diffusers_ZImage_Config" + }, + { + "$ref": "#/components/schemas/ControlLoRA_LyCORIS_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_T5Encoder_Config" + }, + { + "$ref": "#/components/schemas/T5Encoder_BnBLLMint8_Config" + }, + { + "$ref": "#/components/schemas/Qwen3Encoder_Qwen3Encoder_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_File_SDXL_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD1_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SD2_Config" + }, + { + "$ref": "#/components/schemas/TI_Folder_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_InvokeAI_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD1_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SD2_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_SDXL_Config" + }, + { + "$ref": "#/components/schemas/IPAdapter_Checkpoint_FLUX_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SD1_Config" + }, + { + "$ref": "#/components/schemas/T2IAdapter_Diffusers_SDXL_Config" + }, + { + "$ref": "#/components/schemas/Spandrel_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_G_Config" + }, + { + "$ref": "#/components/schemas/CLIPEmbed_Diffusers_L_Config" + }, + { + "$ref": "#/components/schemas/CLIPVision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/SigLIP_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/FLUXRedux_Checkpoint_Config" + }, + { + "$ref": "#/components/schemas/LlavaOnevision_Diffusers_Config" + }, + { + "$ref": "#/components/schemas/Unknown_Config" + } ] }, "type": "array", @@ -29839,7 +45159,9 @@ "title": "Multiply Integers", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/IntegerOutput" } + "output": { + "$ref": "#/components/schemas/IntegerOutput" + } }, "NodeFieldValue": { "properties": { @@ -29855,10 +45177,18 @@ }, "value": { "anyOf": [ - { "type": "string" }, - { "type": "number" }, - { "type": "integer" }, - { "$ref": "#/components/schemas/ImageField" } + { + "type": "string" + }, + { + "type": "number" + }, + { + "type": "integer" + }, + { + "$ref": "#/components/schemas/ImageField" + } ], "title": "Value", "description": "The value to substitute into the node/field." @@ -29958,7 +45288,9 @@ "title": "Create Latent Noise", "type": "object", "version": "1.0.3", - "output": { "$ref": "#/components/schemas/NoiseOutput" } + "output": { + "$ref": "#/components/schemas/NoiseOutput" + } }, "NoiseOutput": { "class": "output", @@ -30004,7 +45336,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -30013,7 +45352,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -30046,7 +45392,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -30066,15 +45419,31 @@ "title": "Normal Map", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "OffsetPaginatedResults_BoardDTO_": { "properties": { - "limit": { "type": "integer", "title": "Limit", "description": "Limit of items to get" }, - "offset": { "type": "integer", "title": "Offset", "description": "Offset from which to retrieve items" }, - "total": { "type": "integer", "title": "Total", "description": "Total number of items in result" }, + "limit": { + "type": "integer", + "title": "Limit", + "description": "Limit of items to get" + }, + "offset": { + "type": "integer", + "title": "Offset", + "description": "Offset from which to retrieve items" + }, + "total": { + "type": "integer", + "title": "Total", + "description": "Total number of items in result" + }, "items": { - "items": { "$ref": "#/components/schemas/BoardDTO" }, + "items": { + "$ref": "#/components/schemas/BoardDTO" + }, "type": "array", "title": "Items", "description": "Items" @@ -30086,11 +45455,25 @@ }, "OffsetPaginatedResults_ImageDTO_": { "properties": { - "limit": { "type": "integer", "title": "Limit", "description": "Limit of items to get" }, - "offset": { "type": "integer", "title": "Offset", "description": "Offset from which to retrieve items" }, - "total": { "type": "integer", "title": "Total", "description": "Total number of items in result" }, + "limit": { + "type": "integer", + "title": "Limit", + "description": "Limit of items to get" + }, + "offset": { + "type": "integer", + "title": "Offset", + "description": "Offset from which to retrieve items" + }, + "total": { + "type": "integer", + "title": "Total", + "description": "Total number of items in result" + }, "items": { - "items": { "$ref": "#/components/schemas/ImageDTO" }, + "items": { + "$ref": "#/components/schemas/ImageDTO" + }, "type": "array", "title": "Items", "description": "Items" @@ -30103,10 +45486,37 @@ "OutputFieldJSONSchemaExtra": { "description": "Extra attributes to be added to input fields and their OpenAPI schema. Used by the workflow editor\nduring schema parsing and UI rendering.", "properties": { - "field_kind": { "$ref": "#/components/schemas/FieldKind" }, - "ui_hidden": { "default": false, "title": "Ui Hidden", "type": "boolean" }, - "ui_order": { "anyOf": [{ "type": "integer" }, { "type": "null" }], "default": null, "title": "Ui Order" }, - "ui_type": { "anyOf": [{ "$ref": "#/components/schemas/UIType" }, { "type": "null" }], "default": null } + "field_kind": { + "$ref": "#/components/schemas/FieldKind" + }, + "ui_hidden": { + "default": false, + "title": "Ui Hidden", + "type": "boolean" + }, + "ui_order": { + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], + "default": null, + "title": "Ui Order" + }, + "ui_type": { + "anyOf": [ + { + "$ref": "#/components/schemas/UIType" + }, + { + "type": "null" + } + ], + "default": null + } }, "required": ["field_kind", "ui_hidden", "ui_order", "ui_type"], "title": "OutputFieldJSONSchemaExtra", @@ -30114,12 +45524,30 @@ }, "PaginatedResults_WorkflowRecordListItemWithThumbnailDTO_": { "properties": { - "page": { "type": "integer", "title": "Page", "description": "Current Page" }, - "pages": { "type": "integer", "title": "Pages", "description": "Total number of pages" }, - "per_page": { "type": "integer", "title": "Per Page", "description": "Number of items per page" }, - "total": { "type": "integer", "title": "Total", "description": "Total number of items in result" }, + "page": { + "type": "integer", + "title": "Page", + "description": "Current Page" + }, + "pages": { + "type": "integer", + "title": "Pages", + "description": "Total number of pages" + }, + "per_page": { + "type": "integer", + "title": "Per Page", + "description": "Number of items per page" + }, + "total": { + "type": "integer", + "title": "Total", + "description": "Total number of items in result" + }, "items": { - "items": { "$ref": "#/components/schemas/WorkflowRecordListItemWithThumbnailDTO" }, + "items": { + "$ref": "#/components/schemas/WorkflowRecordListItemWithThumbnailDTO" + }, "type": "array", "title": "Items", "description": "Items" @@ -30161,7 +45589,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The tile image.", "field_kind": "input", @@ -30169,7 +45604,14 @@ "orig_required": true }, "tile": { - "anyOf": [{ "$ref": "#/components/schemas/Tile" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/Tile" + }, + { + "type": "null" + } + ], "default": null, "description": "The tile properties.", "field_kind": "input", @@ -30189,7 +45631,9 @@ "title": "Pair Tile with Image", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/PairTileImageOutput" } + "output": { + "$ref": "#/components/schemas/PairTileImageOutput" + } }, "PairTileImageOutput": { "class": "output", @@ -30220,7 +45664,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -30229,7 +45680,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -30262,7 +45720,14 @@ "type": "boolean" }, "source_image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to paste", "field_kind": "input", @@ -30270,7 +45735,14 @@ "orig_required": true }, "target_image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to paste into", "field_kind": "input", @@ -30278,7 +45750,14 @@ "orig_required": true }, "bounding_box": { - "anyOf": [{ "$ref": "#/components/schemas/BoundingBoxField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoundingBoxField" + }, + { + "type": "null" + } + ], "default": null, "description": "The bounding box to paste the image into", "field_kind": "input", @@ -30298,7 +45777,9 @@ "title": "Paste Image into Bounding Box", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "PiDiNetEdgeDetectionInvocation": { "category": "controlnet", @@ -30308,7 +45789,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -30317,7 +45805,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -30350,7 +45845,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -30390,19 +45892,33 @@ "title": "PiDiNet Edge Detection", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "PresetData": { "properties": { - "positive_prompt": { "type": "string", "title": "Positive Prompt", "description": "Positive prompt" }, - "negative_prompt": { "type": "string", "title": "Negative Prompt", "description": "Negative prompt" } + "positive_prompt": { + "type": "string", + "title": "Positive Prompt", + "description": "Positive prompt" + }, + "negative_prompt": { + "type": "string", + "title": "Negative Prompt", + "description": "Negative prompt" + } }, "additionalProperties": false, "type": "object", "required": ["positive_prompt", "negative_prompt"], "title": "PresetData" }, - "PresetType": { "type": "string", "enum": ["user", "default"], "title": "PresetType" }, + "PresetType": { + "type": "string", + "enum": ["user", "default"], + "title": "PresetType" + }, "ProgressImage": { "description": "The progress image sent intermittently during processing", "properties": { @@ -30418,7 +45934,11 @@ "title": "Height", "type": "integer" }, - "dataURL": { "description": "The image data as a b64 data URL", "title": "Dataurl", "type": "string" } + "dataURL": { + "description": "The image data as a b64 data URL", + "title": "Dataurl", + "type": "string" + } }, "required": ["width", "height", "dataURL"], "title": "ProgressImage", @@ -30456,7 +45976,14 @@ "type": "boolean" }, "file_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Path to prompt text file", "field_kind": "input", @@ -30465,7 +45992,14 @@ "title": "File Path" }, "pre_prompt": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "String to prepend to each prompt", "field_kind": "input", @@ -30476,7 +46010,14 @@ "ui_component": "textarea" }, "post_prompt": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "String to append to each prompt", "field_kind": "input", @@ -30521,11 +46062,17 @@ "title": "Prompts from File", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/StringCollectionOutput" } + "output": { + "$ref": "#/components/schemas/StringCollectionOutput" + } }, "PruneResult": { "properties": { - "deleted": { "type": "integer", "title": "Deleted", "description": "Number of queue items deleted" } + "deleted": { + "type": "integer", + "title": "Deleted", + "description": "Number of queue items deleted" + } }, "type": "object", "required": ["deleted"], @@ -30535,8 +46082,16 @@ "QueueClearedEvent": { "description": "Event model for queue_cleared", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "queue_id": { "description": "The ID of the queue", "title": "Queue Id", "type": "string" } + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "queue_id": { + "description": "The ID of the queue", + "title": "Queue Id", + "type": "string" + } }, "required": ["timestamp", "queue_id"], "title": "QueueClearedEvent", @@ -30545,18 +46100,48 @@ "QueueItemStatusChangedEvent": { "description": "Event model for queue_item_status_changed", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "queue_id": { "description": "The ID of the queue", "title": "Queue Id", "type": "string" }, - "item_id": { "description": "The ID of the queue item", "title": "Item Id", "type": "integer" }, - "batch_id": { "description": "The ID of the queue batch", "title": "Batch Id", "type": "string" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "queue_id": { + "description": "The ID of the queue", + "title": "Queue Id", + "type": "string" + }, + "item_id": { + "description": "The ID of the queue item", + "title": "Item Id", + "type": "integer" + }, + "batch_id": { + "description": "The ID of the queue batch", + "title": "Batch Id", + "type": "string" + }, "origin": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The origin of the queue item", "title": "Origin" }, "destination": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The destination of the queue item", "title": "Destination" @@ -30568,19 +46153,40 @@ "type": "string" }, "error_type": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The error type, if any", "title": "Error Type" }, "error_message": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The error message, if any", "title": "Error Message" }, "error_traceback": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The error traceback, if any", "title": "Error Traceback" @@ -30596,18 +46202,35 @@ "type": "string" }, "started_at": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The timestamp when the queue item was started", "title": "Started At" }, "completed_at": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The timestamp when the queue item was completed", "title": "Completed At" }, - "batch_status": { "$ref": "#/components/schemas/BatchStatus", "description": "The status of the batch" }, + "batch_status": { + "$ref": "#/components/schemas/BatchStatus", + "description": "The status of the batch" + }, "queue_status": { "$ref": "#/components/schemas/SessionQueueStatus", "description": "The status of the queue" @@ -30643,11 +46266,21 @@ "QueueItemsRetriedEvent": { "description": "Event model for queue_items_retried", "properties": { - "timestamp": { "description": "The timestamp of the event", "title": "Timestamp", "type": "integer" }, - "queue_id": { "description": "The ID of the queue", "title": "Queue Id", "type": "string" }, + "timestamp": { + "description": "The timestamp of the event", + "title": "Timestamp", + "type": "integer" + }, + "queue_id": { + "description": "The ID of the queue", + "title": "Queue Id", + "type": "string" + }, "retried_item_ids": { "description": "The IDs of the queue items that were retried", - "items": { "type": "integer" }, + "items": { + "type": "integer" + }, "title": "Retried Item Ids", "type": "array" } @@ -30669,7 +46302,9 @@ }, "loras": { "description": "LoRAs to apply on model loading", - "items": { "$ref": "#/components/schemas/LoRAField" }, + "items": { + "$ref": "#/components/schemas/LoRAField" + }, "title": "Loras", "type": "array" } @@ -30680,17 +46315,40 @@ }, "Qwen3Encoder_Qwen3Encoder_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -30699,20 +46357,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "base": { "type": "string", "const": "any", "title": "Base", "default": "any" }, - "type": { "type": "string", "const": "qwen3_encoder", "title": "Type", "default": "qwen3_encoder" }, - "format": { "type": "string", "const": "qwen3_encoder", "title": "Format", "default": "qwen3_encoder" } + "base": { + "type": "string", + "const": "any", + "title": "Base", + "default": "any" + }, + "type": { + "type": "string", + "const": "qwen3_encoder", + "title": "Type", + "default": "qwen3_encoder" + }, + "format": { + "type": "string", + "const": "qwen3_encoder", + "title": "Format", + "default": "qwen3_encoder" + } }, "type": "object", "required": [ @@ -30807,7 +46497,9 @@ "title": "Random Float", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/FloatOutput" } + "output": { + "$ref": "#/components/schemas/FloatOutput" + } }, "RandomIntInvocation": { "category": "math", @@ -30873,7 +46565,9 @@ "title": "Random Integer", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/IntegerOutput" } + "output": { + "$ref": "#/components/schemas/IntegerOutput" + } }, "RandomRangeInvocation": { "category": "collections", @@ -30961,7 +46655,9 @@ "title": "Random Range", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/IntegerCollectionOutput" } + "output": { + "$ref": "#/components/schemas/IntegerCollectionOutput" + } }, "RangeInvocation": { "category": "collections", @@ -31037,7 +46733,9 @@ "title": "Integer Range", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/IntegerCollectionOutput" } + "output": { + "$ref": "#/components/schemas/IntegerCollectionOutput" + } }, "RangeOfSizeInvocation": { "category": "collections", @@ -31114,7 +46812,9 @@ "title": "Integer Range of Size", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/IntegerCollectionOutput" } + "output": { + "$ref": "#/components/schemas/IntegerCollectionOutput" + } }, "RectangleMaskInvocation": { "category": "conditioning", @@ -31124,7 +46824,14 @@ "node_pack": "invokeai", "properties": { "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -31157,7 +46864,14 @@ "type": "boolean" }, "width": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The width of the entire mask.", "field_kind": "input", @@ -31166,7 +46880,14 @@ "title": "Width" }, "height": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The height of the entire mask.", "field_kind": "input", @@ -31175,7 +46896,14 @@ "title": "Height" }, "x_left": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The left x-coordinate of the rectangular masked region (inclusive).", "field_kind": "input", @@ -31184,7 +46912,14 @@ "title": "X Left" }, "y_top": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The top y-coordinate of the rectangular masked region (inclusive).", "field_kind": "input", @@ -31193,7 +46928,14 @@ "title": "Y Top" }, "rectangle_width": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The width of the rectangular masked region.", "field_kind": "input", @@ -31202,7 +46944,14 @@ "title": "Rectangle Width" }, "rectangle_height": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "The height of the rectangular masked region.", "field_kind": "input", @@ -31223,7 +46972,9 @@ "title": "Create Rectangle Mask", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/MaskOutput" } + "output": { + "$ref": "#/components/schemas/MaskOutput" + } }, "RemoteModelFile": { "properties": { @@ -31241,13 +46992,27 @@ "description": "The path to the file, relative to the model root" }, "size": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "title": "Size", "description": "The size of this file, in bytes", "default": 0 }, "sha256": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Sha256", "description": "SHA256 hash of this model (not always available)" } @@ -31260,13 +47025,17 @@ "RemoveImagesFromBoardResult": { "properties": { "affected_boards": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Affected Boards", "description": "The ids of boards affected by the delete operation" }, "removed_images": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Removed Images", "description": "The image names that were removed from their board" @@ -31308,7 +47077,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -31316,7 +47092,16 @@ "orig_required": true }, "width": { - "anyOf": [{ "minimum": 64, "multipleOf": 8, "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "minimum": 64, + "multipleOf": 8, + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "Width of output (px)", "field_kind": "input", @@ -31325,7 +47110,16 @@ "title": "Width" }, "height": { - "anyOf": [{ "minimum": 64, "multipleOf": 8, "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "minimum": 64, + "multipleOf": 8, + "type": "integer" + }, + { + "type": "null" + } + ], "default": null, "description": "Width of output (px)", "field_kind": "input", @@ -31367,7 +47161,9 @@ "title": "Resize Latents", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "ResourceOrigin": { "type": "string", @@ -31377,9 +47173,15 @@ }, "RetryItemsResult": { "properties": { - "queue_id": { "type": "string", "title": "Queue Id", "description": "The ID of the queue" }, + "queue_id": { + "type": "string", + "title": "Queue Id", + "description": "The ID of the queue" + }, "retried_item_ids": { - "items": { "type": "integer" }, + "items": { + "type": "integer" + }, "type": "array", "title": "Retried Item Ids", "description": "The IDs of the queue items that were retried" @@ -31453,24 +47255,43 @@ "title": "Round Float", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/FloatOutput" } + "output": { + "$ref": "#/components/schemas/FloatOutput" + } }, "SAMPoint": { "properties": { - "x": { "description": "The x-coordinate of the point", "title": "X", "type": "integer" }, - "y": { "description": "The y-coordinate of the point", "title": "Y", "type": "integer" }, - "label": { "$ref": "#/components/schemas/SAMPointLabel", "description": "The label of the point" } + "x": { + "description": "The x-coordinate of the point", + "title": "X", + "type": "integer" + }, + "y": { + "description": "The y-coordinate of the point", + "title": "Y", + "type": "integer" + }, + "label": { + "$ref": "#/components/schemas/SAMPointLabel", + "description": "The label of the point" + } }, "required": ["x", "y", "label"], "title": "SAMPoint", "type": "object" }, - "SAMPointLabel": { "enum": [-1, 0, 1], "title": "SAMPointLabel", "type": "integer" }, + "SAMPointLabel": { + "enum": [-1, 0, 1], + "title": "SAMPointLabel", + "type": "integer" + }, "SAMPointsField": { "properties": { "points": { "description": "The points of the object", - "items": { "$ref": "#/components/schemas/SAMPoint" }, + "items": { + "$ref": "#/components/schemas/SAMPoint" + }, "minItems": 1, "title": "Points", "type": "array" @@ -31523,7 +47344,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -31532,7 +47360,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -31565,7 +47400,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -31574,7 +47416,14 @@ "orig_required": false }, "denoise_mask": { - "anyOf": [{ "$ref": "#/components/schemas/DenoiseMaskField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/DenoiseMaskField" + }, + { + "type": "null" + } + ], "default": null, "description": "A mask of the region to apply the denoising process to. Values of 0.0 represent the regions to be fully denoised, and 1.0 represent the regions to be preserved.", "field_kind": "input", @@ -31607,7 +47456,14 @@ "type": "number" }, "transformer": { - "anyOf": [{ "$ref": "#/components/schemas/TransformerField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TransformerField" + }, + { + "type": "null" + } + ], "default": null, "description": "SD3 model (MMDiTX) to load", "field_kind": "input", @@ -31616,7 +47472,14 @@ "title": "Transformer" }, "positive_conditioning": { - "anyOf": [{ "$ref": "#/components/schemas/SD3ConditioningField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/SD3ConditioningField" + }, + { + "type": "null" + } + ], "default": null, "description": "Positive conditioning tensor", "field_kind": "input", @@ -31624,7 +47487,14 @@ "orig_required": true }, "negative_conditioning": { - "anyOf": [{ "$ref": "#/components/schemas/SD3ConditioningField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/SD3ConditioningField" + }, + { + "type": "null" + } + ], "default": null, "description": "Negative conditioning tensor", "field_kind": "input", @@ -31632,7 +47502,17 @@ "orig_required": true }, "cfg_scale": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 3.5, "description": "Classifier-Free Guidance scale", "field_kind": "input", @@ -31697,7 +47577,9 @@ "title": "Denoise - SD3", "type": "object", "version": "1.1.1", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "SD3ImageToLatentsInvocation": { "category": "image", @@ -31707,7 +47589,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -31716,7 +47605,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -31749,7 +47645,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to encode", "field_kind": "input", @@ -31757,7 +47660,14 @@ "orig_required": true }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "input", @@ -31777,7 +47687,9 @@ "title": "Image to Latents - SD3", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "SD3LatentsToImageInvocation": { "category": "latents", @@ -31787,7 +47699,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -31796,7 +47715,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -31829,7 +47755,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -31837,7 +47770,14 @@ "orig_required": true }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "input", @@ -31857,7 +47797,9 @@ "title": "Latents to Image - SD3", "type": "object", "version": "1.3.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "SDXLCompelPromptInvocation": { "category": "conditioning", @@ -31973,7 +47915,14 @@ "type": "integer" }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -31982,7 +47931,14 @@ "title": "CLIP 1" }, "clip2": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -31991,7 +47947,14 @@ "title": "CLIP 2" }, "mask": { - "anyOf": [{ "$ref": "#/components/schemas/TensorField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], "default": null, "description": "A mask defining the region that this conditioning prompt applies to.", "field_kind": "input", @@ -32012,7 +47975,9 @@ "title": "Prompt - SDXL", "type": "object", "version": "1.2.1", - "output": { "$ref": "#/components/schemas/ConditioningOutput" } + "output": { + "$ref": "#/components/schemas/ConditioningOutput" + } }, "SDXLLoRACollectionLoader": { "category": "model", @@ -32047,9 +48012,18 @@ }, "loras": { "anyOf": [ - { "$ref": "#/components/schemas/LoRAField" }, - { "items": { "$ref": "#/components/schemas/LoRAField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/LoRAField" + }, + { + "items": { + "$ref": "#/components/schemas/LoRAField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "LoRA models and weights. May be a single LoRA or collection.", @@ -32060,7 +48034,14 @@ "title": "LoRAs" }, "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "input", @@ -32070,7 +48051,14 @@ "title": "UNet" }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -32080,7 +48068,14 @@ "title": "CLIP" }, "clip2": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -32102,7 +48097,9 @@ "title": "Apply LoRA Collection - SDXL", "type": "object", "version": "1.1.2", - "output": { "$ref": "#/components/schemas/SDXLLoRALoaderOutput" } + "output": { + "$ref": "#/components/schemas/SDXLLoRALoaderOutput" + } }, "SDXLLoRALoaderInvocation": { "category": "model", @@ -32136,7 +48133,14 @@ "type": "boolean" }, "lora": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "LoRA model to load", "field_kind": "input", @@ -32157,7 +48161,14 @@ "type": "number" }, "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "input", @@ -32167,7 +48178,14 @@ "title": "UNet" }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -32177,7 +48195,14 @@ "title": "CLIP 1" }, "clip2": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -32199,14 +48224,23 @@ "title": "Apply LoRA - SDXL", "type": "object", "version": "1.0.5", - "output": { "$ref": "#/components/schemas/SDXLLoRALoaderOutput" } + "output": { + "$ref": "#/components/schemas/SDXLLoRALoaderOutput" + } }, "SDXLLoRALoaderOutput": { "class": "output", "description": "SDXL LoRA Loader Output", "properties": { "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "output", @@ -32214,7 +48248,14 @@ "ui_hidden": false }, "clip": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "output", @@ -32222,7 +48263,14 @@ "ui_hidden": false }, "clip2": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "output", @@ -32273,7 +48321,14 @@ "type": "boolean" }, "model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "SDXL Main model (UNet, VAE, CLIP1, CLIP2) to load", "field_kind": "input", @@ -32295,7 +48350,9 @@ "title": "Main Model - SDXL", "type": "object", "version": "1.0.4", - "output": { "$ref": "#/components/schemas/SDXLModelLoaderOutput" } + "output": { + "$ref": "#/components/schemas/SDXLModelLoaderOutput" + } }, "SDXLModelLoaderOutput": { "class": "output", @@ -32434,7 +48491,14 @@ "type": "number" }, "clip2": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -32454,7 +48518,9 @@ "title": "Prompt - SDXL Refiner", "type": "object", "version": "1.1.2", - "output": { "$ref": "#/components/schemas/ConditioningOutput" } + "output": { + "$ref": "#/components/schemas/ConditioningOutput" + } }, "SDXLRefinerModelLoaderInvocation": { "category": "model", @@ -32488,7 +48554,14 @@ "type": "boolean" }, "model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "SDXL Refiner Main Modde (UNet, VAE, CLIP2) to load", "field_kind": "input", @@ -32510,7 +48583,9 @@ "title": "Refiner Model - SDXL", "type": "object", "version": "1.0.4", - "output": { "$ref": "#/components/schemas/SDXLRefinerModelLoaderOutput" } + "output": { + "$ref": "#/components/schemas/SDXLRefinerModelLoaderOutput" + } }, "SDXLRefinerModelLoaderOutput": { "class": "output", @@ -32549,7 +48624,11 @@ "title": "SDXLRefinerModelLoaderOutput", "type": "object" }, - "SQLiteDirection": { "type": "string", "enum": ["ASC", "DESC"], "title": "SQLiteDirection" }, + "SQLiteDirection": { + "type": "string", + "enum": ["ASC", "DESC"], + "title": "SQLiteDirection" + }, "SaveImageInvocation": { "category": "primitives", "class": "invocation", @@ -32558,7 +48637,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -32567,7 +48653,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -32600,7 +48693,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to process", "field_kind": "input", @@ -32620,7 +48720,9 @@ "title": "Save Image", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ScaleLatentsInvocation": { "category": "latents", @@ -32654,7 +48756,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -32662,7 +48771,15 @@ "orig_required": true }, "scale_factor": { - "anyOf": [{ "exclusiveMinimum": 0, "type": "number" }, { "type": "null" }], + "anyOf": [ + { + "exclusiveMinimum": 0, + "type": "number" + }, + { + "type": "null" + } + ], "default": null, "description": "The factor by which to scale", "field_kind": "input", @@ -32704,7 +48821,9 @@ "title": "Scale Latents", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "SchedulerInvocation": { "category": "latents", @@ -32793,7 +48912,9 @@ "title": "Scheduler", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/SchedulerOutput" } + "output": { + "$ref": "#/components/schemas/SchedulerOutput" + } }, "SchedulerOutput": { "class": "output", @@ -32897,7 +49018,14 @@ "ui_model_type": ["main"] }, "t5_encoder_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "T5 tokenizer and text encoder", "field_kind": "input", @@ -32908,7 +49036,14 @@ "ui_model_type": ["t5_encoder"] }, "clip_l_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP Embed loader", "field_kind": "input", @@ -32920,7 +49055,14 @@ "ui_model_variant": ["large"] }, "clip_g_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP-G Embed loader", "field_kind": "input", @@ -32932,7 +49074,14 @@ "ui_model_variant": ["gigantic"] }, "vae_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE model to load", "field_kind": "input", @@ -32956,7 +49105,9 @@ "title": "Main Model - SD3", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/Sd3ModelLoaderOutput" } + "output": { + "$ref": "#/components/schemas/Sd3ModelLoaderOutput" + } }, "Sd3ModelLoaderOutput": { "class": "output", @@ -33041,7 +49192,14 @@ "type": "boolean" }, "clip_l": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -33050,7 +49208,14 @@ "title": "CLIP L" }, "clip_g": { - "anyOf": [{ "$ref": "#/components/schemas/CLIPField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/CLIPField" + }, + { + "type": "null" + } + ], "default": null, "description": "CLIP (tokenizer, text encoder, LoRAs) and skipped layer count", "field_kind": "input", @@ -33059,7 +49224,14 @@ "title": "CLIP G" }, "t5_encoder": { - "anyOf": [{ "$ref": "#/components/schemas/T5EncoderField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/T5EncoderField" + }, + { + "type": "null" + } + ], "default": null, "description": "T5 tokenizer and text encoder", "field_kind": "input", @@ -33069,7 +49241,14 @@ "title": "T5Encoder" }, "prompt": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Text prompt to encode.", "field_kind": "input", @@ -33090,7 +49269,9 @@ "title": "Prompt - SD3", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/SD3ConditioningOutput" } + "output": { + "$ref": "#/components/schemas/SD3ConditioningOutput" + } }, "SeamlessModeInvocation": { "category": "model", @@ -33124,7 +49305,14 @@ "type": "boolean" }, "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "input", @@ -33134,7 +49322,14 @@ "title": "UNet" }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE model to load", "field_kind": "input", @@ -33176,14 +49371,23 @@ "title": "Apply Seamless - SD1.5, SDXL", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/SeamlessModeOutput" } + "output": { + "$ref": "#/components/schemas/SeamlessModeOutput" + } }, "SeamlessModeOutput": { "class": "output", "description": "Modified Seamless Model output", "properties": { "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "output", @@ -33191,7 +49395,14 @@ "ui_hidden": false }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "output", @@ -33255,7 +49466,9 @@ ], "type": "string" }, - { "type": "null" } + { + "type": "null" + } ], "default": null, "description": "The Segment Anything model to use (SAM or SAM2).", @@ -33265,7 +49478,14 @@ "title": "Model" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to segment.", "field_kind": "input", @@ -33274,8 +49494,15 @@ }, "bounding_boxes": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/BoundingBoxField" }, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/BoundingBoxField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "The bounding boxes to prompt the model with.", @@ -33287,8 +49514,15 @@ }, "point_lists": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/SAMPointsField" }, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/SAMPointsField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "The list of point lists to prompt the model with. Each list of points represents a single object.", @@ -33332,7 +49566,9 @@ "title": "Segment Anything", "type": "object", "version": "1.3.0", - "output": { "$ref": "#/components/schemas/MaskOutput" } + "output": { + "$ref": "#/components/schemas/MaskOutput" + } }, "SessionProcessorStatus": { "properties": { @@ -33353,8 +49589,12 @@ }, "SessionQueueAndProcessorStatus": { "properties": { - "queue": { "$ref": "#/components/schemas/SessionQueueStatus" }, - "processor": { "$ref": "#/components/schemas/SessionProcessorStatus" } + "queue": { + "$ref": "#/components/schemas/SessionQueueStatus" + }, + "processor": { + "$ref": "#/components/schemas/SessionProcessorStatus" + } }, "type": "object", "required": ["queue", "processor"], @@ -33363,7 +49603,11 @@ }, "SessionQueueCountsByDestination": { "properties": { - "queue_id": { "type": "string", "title": "Queue Id", "description": "The ID of the queue" }, + "queue_id": { + "type": "string", + "title": "Queue Id", + "description": "The ID of the queue" + }, "destination": { "type": "string", "title": "Destination", @@ -33430,12 +49674,26 @@ "description": "The ID of the batch associated with this queue item" }, "origin": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Origin", "description": "The origin of this queue item. This data is used by the frontend to determine how to handle results." }, "destination": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Destination", "description": "The origin of this queue item. This data is used by the frontend to determine how to handle results" }, @@ -33445,37 +49703,96 @@ "description": "The ID of the session associated with this queue item. The session doesn't exist in graph_executions until the queue item is executed." }, "error_type": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Error Type", "description": "The error type if this queue item errored" }, "error_message": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Error Message", "description": "The error message if this queue item errored" }, "error_traceback": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Error Traceback", "description": "The error traceback if this queue item errored" }, "created_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + } + ], "title": "Created At", "description": "When this queue item was created" }, "updated_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + } + ], "title": "Updated At", "description": "When this queue item was updated" }, "started_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Started At", "description": "When this queue item was started" }, "completed_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Completed At", "description": "When this queue item was completed" }, @@ -33486,14 +49803,28 @@ }, "field_values": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/NodeFieldValue" }, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/NodeFieldValue" + }, + "type": "array" + }, + { + "type": "null" + } ], "title": "Field Values", "description": "The field values that were used for this queue item" }, "retried_from_item_id": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "title": "Retried From Item Id", "description": "The item_id of the queue item that this item was retried from" }, @@ -33502,7 +49833,14 @@ "description": "The fully-populated session to be executed" }, "workflow": { - "anyOf": [{ "$ref": "#/components/schemas/WorkflowWithoutID" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/WorkflowWithoutID" + }, + { + "type": "null" + } + ], "description": "The workflow associated with this queue item" } }, @@ -33524,19 +49862,44 @@ }, "SessionQueueStatus": { "properties": { - "queue_id": { "type": "string", "title": "Queue Id", "description": "The ID of the queue" }, + "queue_id": { + "type": "string", + "title": "Queue Id", + "description": "The ID of the queue" + }, "item_id": { - "anyOf": [{ "type": "integer" }, { "type": "null" }], + "anyOf": [ + { + "type": "integer" + }, + { + "type": "null" + } + ], "title": "Item Id", "description": "The current queue item id" }, "batch_id": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Batch Id", "description": "The current queue item's batch id" }, "session_id": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Session Id", "description": "The current queue item's session id" }, @@ -33565,7 +49928,11 @@ "title": "Canceled", "description": "Number of queue items with status 'canceled'" }, - "total": { "type": "integer", "title": "Total", "description": "Total number of queue items" } + "total": { + "type": "integer", + "title": "Total", + "description": "Total number of queue items" + } }, "type": "object", "required": [ @@ -33614,7 +49981,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to show", "field_kind": "input", @@ -33634,21 +50008,46 @@ "title": "Show Image", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "SigLIP_Diffusers_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -33657,21 +50056,56 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "type": { "type": "string", "const": "siglip", "title": "Type", "default": "siglip" }, - "base": { "type": "string", "const": "any", "title": "Base", "default": "any" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "type": { + "type": "string", + "const": "siglip", + "title": "Type", + "default": "siglip" + }, + "base": { + "type": "string", + "const": "any", + "title": "Base", + "default": "any" + } }, "type": "object", "required": [ @@ -33701,7 +50135,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -33710,7 +50151,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -33743,7 +50191,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The input image", "field_kind": "input", @@ -33751,7 +50206,14 @@ "orig_required": true }, "image_to_image_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "Image-to-Image model", "field_kind": "input", @@ -33805,7 +50267,9 @@ "title": "Image-to-Image (Autoscale)", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "SpandrelImageToImageInvocation": { "category": "upscale", @@ -33815,7 +50279,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -33824,7 +50295,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -33857,7 +50335,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The input image", "field_kind": "input", @@ -33865,7 +50350,14 @@ "orig_required": true }, "image_to_image_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "Image-to-Image model", "field_kind": "input", @@ -33897,21 +50389,46 @@ "title": "Image-to-Image", "type": "object", "version": "1.3.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "Spandrel_Checkpoint_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -33920,25 +50437,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "base": { "type": "string", "const": "any", "title": "Base", "default": "any" }, + "base": { + "type": "string", + "const": "any", + "title": "Base", + "default": "any" + }, "type": { "type": "string", "const": "spandrel_image_to_image", "title": "Type", "default": "spandrel_image_to_image" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" } + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + } }, "type": "object", "required": [ @@ -33962,13 +50506,17 @@ "StarredImagesResult": { "properties": { "affected_boards": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Affected Boards", "description": "The ids of boards affected by the delete operation" }, "starred_images": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Starred Images", "description": "The names of the images that were starred" @@ -33980,23 +50528,58 @@ }, "StarterModel": { "properties": { - "description": { "type": "string", "title": "Description" }, - "source": { "type": "string", "title": "Source" }, - "name": { "type": "string", "title": "Name" }, - "base": { "$ref": "#/components/schemas/BaseModelType" }, - "type": { "$ref": "#/components/schemas/ModelType" }, - "format": { "anyOf": [{ "$ref": "#/components/schemas/ModelFormat" }, { "type": "null" }] }, - "is_installed": { "type": "boolean", "title": "Is Installed", "default": false }, + "description": { + "type": "string", + "title": "Description" + }, + "source": { + "type": "string", + "title": "Source" + }, + "name": { + "type": "string", + "title": "Name" + }, + "base": { + "$ref": "#/components/schemas/BaseModelType" + }, + "type": { + "$ref": "#/components/schemas/ModelType" + }, + "format": { + "anyOf": [ + { + "$ref": "#/components/schemas/ModelFormat" + }, + { + "type": "null" + } + ] + }, + "is_installed": { + "type": "boolean", + "title": "Is Installed", + "default": false + }, "previous_names": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Previous Names", "default": [] }, "dependencies": { "anyOf": [ - { "items": { "$ref": "#/components/schemas/StarterModelWithoutDependencies" }, "type": "array" }, - { "type": "null" } + { + "items": { + "$ref": "#/components/schemas/StarterModelWithoutDependencies" + }, + "type": "array" + }, + { + "type": "null" + } ], "title": "Dependencies" } @@ -34007,8 +50590,17 @@ }, "StarterModelBundle": { "properties": { - "name": { "type": "string", "title": "Name" }, - "models": { "items": { "$ref": "#/components/schemas/StarterModel" }, "type": "array", "title": "Models" } + "name": { + "type": "string", + "title": "Name" + }, + "models": { + "items": { + "$ref": "#/components/schemas/StarterModel" + }, + "type": "array", + "title": "Models" + } }, "type": "object", "required": ["name", "models"], @@ -34017,12 +50609,16 @@ "StarterModelResponse": { "properties": { "starter_models": { - "items": { "$ref": "#/components/schemas/StarterModel" }, + "items": { + "$ref": "#/components/schemas/StarterModel" + }, "type": "array", "title": "Starter Models" }, "starter_bundles": { - "additionalProperties": { "$ref": "#/components/schemas/StarterModelBundle" }, + "additionalProperties": { + "$ref": "#/components/schemas/StarterModelBundle" + }, "type": "object", "title": "Starter Bundles" } @@ -34033,14 +50629,47 @@ }, "StarterModelWithoutDependencies": { "properties": { - "description": { "type": "string", "title": "Description" }, - "source": { "type": "string", "title": "Source" }, - "name": { "type": "string", "title": "Name" }, - "base": { "$ref": "#/components/schemas/BaseModelType" }, - "type": { "$ref": "#/components/schemas/ModelType" }, - "format": { "anyOf": [{ "$ref": "#/components/schemas/ModelFormat" }, { "type": "null" }] }, - "is_installed": { "type": "boolean", "title": "Is Installed", "default": false }, - "previous_names": { "items": { "type": "string" }, "type": "array", "title": "Previous Names", "default": [] } + "description": { + "type": "string", + "title": "Description" + }, + "source": { + "type": "string", + "title": "Source" + }, + "name": { + "type": "string", + "title": "Name" + }, + "base": { + "$ref": "#/components/schemas/BaseModelType" + }, + "type": { + "$ref": "#/components/schemas/ModelType" + }, + "format": { + "anyOf": [ + { + "$ref": "#/components/schemas/ModelFormat" + }, + { + "type": "null" + } + ] + }, + "is_installed": { + "type": "boolean", + "title": "Is Installed", + "default": false + }, + "previous_names": { + "items": { + "type": "string" + }, + "type": "array", + "title": "Previous Names", + "default": [] + } }, "type": "object", "required": ["description", "source", "name", "base", "type"], @@ -34119,7 +50748,18 @@ "type": "string" }, "strings": { - "anyOf": [{ "items": { "type": "string" }, "minItems": 1, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "minItems": 1, + "type": "array" + }, + { + "type": "null" + } + ], "default": null, "description": "The strings to batch over", "field_kind": "input", @@ -34140,7 +50780,9 @@ "title": "String Batch", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/StringOutput" } + "output": { + "$ref": "#/components/schemas/StringOutput" + } }, "StringCollectionInvocation": { "category": "primitives", @@ -34178,7 +50820,9 @@ "description": "The collection of string values", "field_kind": "input", "input": "any", - "items": { "type": "string" }, + "items": { + "type": "string" + }, "orig_default": [], "orig_required": false, "title": "Collection", @@ -34197,7 +50841,9 @@ "title": "String Collection Primitive", "type": "object", "version": "1.0.2", - "output": { "$ref": "#/components/schemas/StringCollectionOutput" } + "output": { + "$ref": "#/components/schemas/StringCollectionOutput" + } }, "StringCollectionOutput": { "class": "output", @@ -34206,7 +50852,9 @@ "collection": { "description": "The output strings", "field_kind": "output", - "items": { "type": "string" }, + "items": { + "type": "string" + }, "title": "Collection", "type": "array", "ui_hidden": false @@ -34275,9 +50923,15 @@ "title": "String Generator", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/StringGeneratorOutput" } + "output": { + "$ref": "#/components/schemas/StringGeneratorOutput" + } + }, + "StringGeneratorField": { + "properties": {}, + "title": "StringGeneratorField", + "type": "object" }, - "StringGeneratorField": { "properties": {}, "title": "StringGeneratorField", "type": "object" }, "StringGeneratorOutput": { "class": "output", "description": "Base class for nodes that output a collection of strings", @@ -34285,7 +50939,9 @@ "strings": { "description": "The generated strings", "field_kind": "output", - "items": { "type": "string" }, + "items": { + "type": "string" + }, "title": "Strings", "type": "array", "ui_hidden": false @@ -34357,7 +51013,9 @@ "title": "String Primitive", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/StringOutput" } + "output": { + "$ref": "#/components/schemas/StringOutput" + } }, "StringJoinInvocation": { "category": "string", @@ -34425,7 +51083,9 @@ "title": "String Join", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/StringOutput" } + "output": { + "$ref": "#/components/schemas/StringOutput" + } }, "StringJoinThreeInvocation": { "category": "string", @@ -34504,7 +51164,9 @@ "title": "String Join Three", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/StringOutput" } + "output": { + "$ref": "#/components/schemas/StringOutput" + } }, "StringOutput": { "class": "output", @@ -34646,7 +51308,9 @@ "title": "String Replace", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/StringOutput" } + "output": { + "$ref": "#/components/schemas/StringOutput" + } }, "StringSplitInvocation": { "category": "string", @@ -34713,7 +51377,9 @@ "title": "String Split", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/String2Output" } + "output": { + "$ref": "#/components/schemas/String2Output" + } }, "StringSplitNegInvocation": { "category": "string", @@ -34770,16 +51436,39 @@ "title": "String Split Negative", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/StringPosNegOutput" } + "output": { + "$ref": "#/components/schemas/StringPosNegOutput" + } }, "StylePresetRecordWithImage": { "properties": { - "name": { "type": "string", "title": "Name", "description": "The name of the style preset." }, - "preset_data": { "$ref": "#/components/schemas/PresetData", "description": "The preset data" }, - "type": { "$ref": "#/components/schemas/PresetType", "description": "The type of style preset" }, - "id": { "type": "string", "title": "Id", "description": "The style preset ID." }, + "name": { + "type": "string", + "title": "Name", + "description": "The name of the style preset." + }, + "preset_data": { + "$ref": "#/components/schemas/PresetData", + "description": "The preset data" + }, + "type": { + "$ref": "#/components/schemas/PresetType", + "description": "The type of style preset" + }, + "id": { + "type": "string", + "title": "Id", + "description": "The style preset ID." + }, "image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Image", "description": "The path for image" } @@ -34810,14 +51499,27 @@ }, "SubmodelDefinition": { "properties": { - "path_or_prefix": { "type": "string", "title": "Path Or Prefix" }, - "model_type": { "$ref": "#/components/schemas/ModelType" }, + "path_or_prefix": { + "type": "string", + "title": "Path Or Prefix" + }, + "model_type": { + "$ref": "#/components/schemas/ModelType" + }, "variant": { "anyOf": [ - { "$ref": "#/components/schemas/ModelVariantType" }, - { "$ref": "#/components/schemas/ClipVariantType" }, - { "$ref": "#/components/schemas/FluxVariantType" }, - { "type": "null" } + { + "$ref": "#/components/schemas/ModelVariantType" + }, + { + "$ref": "#/components/schemas/ClipVariantType" + }, + { + "$ref": "#/components/schemas/FluxVariantType" + }, + { + "type": "null" + } ], "title": "Variant" } @@ -34890,17 +51592,32 @@ "title": "Subtract Integers", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/IntegerOutput" } + "output": { + "$ref": "#/components/schemas/IntegerOutput" + } }, "T2IAdapterField": { "properties": { - "image": { "$ref": "#/components/schemas/ImageField", "description": "The T2I-Adapter image prompt." }, + "image": { + "$ref": "#/components/schemas/ImageField", + "description": "The T2I-Adapter image prompt." + }, "t2i_adapter_model": { "$ref": "#/components/schemas/ModelIdentifierField", "description": "The T2I-Adapter model to use." }, "weight": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 1, "description": "The weight given to the T2I-Adapter", "title": "Weight" @@ -34965,7 +51682,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The IP-Adapter image prompt.", "field_kind": "input", @@ -34973,7 +51697,14 @@ "orig_required": true }, "t2i_adapter_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "The T2I-Adapter model.", "field_kind": "input", @@ -34985,7 +51716,17 @@ "ui_order": -1 }, "weight": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 1, "description": "The weight given to the T2I-Adapter", "field_kind": "input", @@ -35043,13 +51784,25 @@ "title": "T2I-Adapter - SD1.5, SDXL", "type": "object", "version": "1.0.4", - "output": { "$ref": "#/components/schemas/T2IAdapterOutput" } + "output": { + "$ref": "#/components/schemas/T2IAdapterOutput" + } }, "T2IAdapterMetadataField": { "properties": { - "image": { "$ref": "#/components/schemas/ImageField", "description": "The control image." }, + "image": { + "$ref": "#/components/schemas/ImageField", + "description": "The control image." + }, "processed_image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The control image, after processing." }, @@ -35058,7 +51811,17 @@ "description": "The T2I-Adapter model to use." }, "weight": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 1, "description": "The weight given to the T2I-Adapter", "title": "Weight" @@ -35115,17 +51878,40 @@ }, "T2IAdapter_Diffusers_SD1_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -35134,24 +51920,66 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "type": { "type": "string", "const": "t2i_adapter", "title": "Type", "default": "t2i_adapter" }, + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "type": { + "type": "string", + "const": "t2i_adapter", + "title": "Type", + "default": "t2i_adapter" + }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/ControlAdapterDefaultSettings" }, { "type": "null" }] + "anyOf": [ + { + "$ref": "#/components/schemas/ControlAdapterDefaultSettings" + }, + { + "type": "null" + } + ] }, - "base": { "type": "string", "const": "sd-1", "title": "Base", "default": "sd-1" } + "base": { + "type": "string", + "const": "sd-1", + "title": "Base", + "default": "sd-1" + } }, "type": "object", "required": [ @@ -35175,17 +52003,40 @@ }, "T2IAdapter_Diffusers_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -35194,24 +52045,66 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "type": { "type": "string", "const": "t2i_adapter", "title": "Type", "default": "t2i_adapter" }, + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "type": { + "type": "string", + "const": "t2i_adapter", + "title": "Type", + "default": "t2i_adapter" + }, "default_settings": { - "anyOf": [{ "$ref": "#/components/schemas/ControlAdapterDefaultSettings" }, { "type": "null" }] + "anyOf": [ + { + "$ref": "#/components/schemas/ControlAdapterDefaultSettings" + }, + { + "type": "null" + } + ] }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -35245,7 +52138,9 @@ }, "loras": { "description": "LoRAs to apply on model loading", - "items": { "$ref": "#/components/schemas/LoRAField" }, + "items": { + "$ref": "#/components/schemas/LoRAField" + }, "title": "Loras", "type": "array" } @@ -35256,17 +52151,40 @@ }, "T5Encoder_BnBLLMint8_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -35275,19 +52193,46 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "base": { "type": "string", "const": "any", "title": "Base", "default": "any" }, - "type": { "type": "string", "const": "t5_encoder", "title": "Type", "default": "t5_encoder" }, + "base": { + "type": "string", + "const": "any", + "title": "Base", + "default": "any" + }, + "type": { + "type": "string", + "const": "t5_encoder", + "title": "Type", + "default": "t5_encoder" + }, "format": { "type": "string", "const": "bnb_quantized_int8b", @@ -35316,17 +52261,40 @@ }, "T5Encoder_T5Encoder_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -35335,20 +52303,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "base": { "type": "string", "const": "any", "title": "Base", "default": "any" }, - "type": { "type": "string", "const": "t5_encoder", "title": "Type", "default": "t5_encoder" }, - "format": { "type": "string", "const": "t5_encoder", "title": "Format", "default": "t5_encoder" } + "base": { + "type": "string", + "const": "any", + "title": "Base", + "default": "any" + }, + "type": { + "type": "string", + "const": "t5_encoder", + "title": "Type", + "default": "t5_encoder" + }, + "format": { + "type": "string", + "const": "t5_encoder", + "title": "Format", + "default": "t5_encoder" + } }, "type": "object", "required": [ @@ -35371,10 +52371,22 @@ }, "TBLR": { "properties": { - "top": { "title": "Top", "type": "integer" }, - "bottom": { "title": "Bottom", "type": "integer" }, - "left": { "title": "Left", "type": "integer" }, - "right": { "title": "Right", "type": "integer" } + "top": { + "title": "Top", + "type": "integer" + }, + "bottom": { + "title": "Bottom", + "type": "integer" + }, + "left": { + "title": "Left", + "type": "integer" + }, + "right": { + "title": "Right", + "type": "integer" + } }, "required": ["top", "bottom", "left", "right"], "title": "TBLR", @@ -35382,17 +52394,40 @@ }, "TI_File_SD1_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -35401,20 +52436,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "embedding", "title": "Type", "default": "embedding" }, - "format": { "type": "string", "const": "embedding_file", "title": "Format", "default": "embedding_file" }, - "base": { "type": "string", "const": "sd-1", "title": "Base", "default": "sd-1" } + "type": { + "type": "string", + "const": "embedding", + "title": "Type", + "default": "embedding" + }, + "format": { + "type": "string", + "const": "embedding_file", + "title": "Format", + "default": "embedding_file" + }, + "base": { + "type": "string", + "const": "sd-1", + "title": "Base", + "default": "sd-1" + } }, "type": "object", "required": [ @@ -35436,17 +52503,40 @@ }, "TI_File_SD2_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -35455,20 +52545,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "embedding", "title": "Type", "default": "embedding" }, - "format": { "type": "string", "const": "embedding_file", "title": "Format", "default": "embedding_file" }, - "base": { "type": "string", "const": "sd-2", "title": "Base", "default": "sd-2" } + "type": { + "type": "string", + "const": "embedding", + "title": "Type", + "default": "embedding" + }, + "format": { + "type": "string", + "const": "embedding_file", + "title": "Format", + "default": "embedding_file" + }, + "base": { + "type": "string", + "const": "sd-2", + "title": "Base", + "default": "sd-2" + } }, "type": "object", "required": [ @@ -35490,17 +52612,40 @@ }, "TI_File_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -35509,20 +52654,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "embedding", "title": "Type", "default": "embedding" }, - "format": { "type": "string", "const": "embedding_file", "title": "Format", "default": "embedding_file" }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "type": { + "type": "string", + "const": "embedding", + "title": "Type", + "default": "embedding" + }, + "format": { + "type": "string", + "const": "embedding_file", + "title": "Format", + "default": "embedding_file" + }, + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -35544,17 +52721,40 @@ }, "TI_Folder_SD1_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -35563,20 +52763,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "embedding", "title": "Type", "default": "embedding" }, - "format": { "type": "string", "const": "embedding_folder", "title": "Format", "default": "embedding_folder" }, - "base": { "type": "string", "const": "sd-1", "title": "Base", "default": "sd-1" } + "type": { + "type": "string", + "const": "embedding", + "title": "Type", + "default": "embedding" + }, + "format": { + "type": "string", + "const": "embedding_folder", + "title": "Format", + "default": "embedding_folder" + }, + "base": { + "type": "string", + "const": "sd-1", + "title": "Base", + "default": "sd-1" + } }, "type": "object", "required": [ @@ -35598,17 +52830,40 @@ }, "TI_Folder_SD2_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -35617,20 +52872,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "embedding", "title": "Type", "default": "embedding" }, - "format": { "type": "string", "const": "embedding_folder", "title": "Format", "default": "embedding_folder" }, - "base": { "type": "string", "const": "sd-2", "title": "Base", "default": "sd-2" } + "type": { + "type": "string", + "const": "embedding", + "title": "Type", + "default": "embedding" + }, + "format": { + "type": "string", + "const": "embedding_folder", + "title": "Format", + "default": "embedding_folder" + }, + "base": { + "type": "string", + "const": "sd-2", + "title": "Base", + "default": "sd-2" + } }, "type": "object", "required": [ @@ -35652,17 +52939,40 @@ }, "TI_Folder_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -35671,20 +52981,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "type": { "type": "string", "const": "embedding", "title": "Type", "default": "embedding" }, - "format": { "type": "string", "const": "embedding_folder", "title": "Format", "default": "embedding_folder" }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "type": { + "type": "string", + "const": "embedding", + "title": "Type", + "default": "embedding" + }, + "format": { + "type": "string", + "const": "embedding_folder", + "title": "Format", + "default": "embedding_folder" + }, + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -35707,7 +53049,11 @@ "TensorField": { "description": "A tensor primitive field.", "properties": { - "tensor_name": { "description": "The name of a tensor.", "title": "Tensor Name", "type": "string" } + "tensor_name": { + "description": "The name of a tensor.", + "title": "Tensor Name", + "type": "string" + } }, "required": ["tensor_name"], "title": "TensorField", @@ -35760,7 +53106,14 @@ "type": "boolean" }, "tile": { - "anyOf": [{ "$ref": "#/components/schemas/Tile" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/Tile" + }, + { + "type": "null" + } + ], "default": null, "description": "The tile to split into properties.", "field_kind": "input", @@ -35780,7 +53133,9 @@ "title": "Tile to Properties", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/TileToPropertiesOutput" } + "output": { + "$ref": "#/components/schemas/TileToPropertiesOutput" + } }, "TileToPropertiesOutput": { "class": "output", @@ -35883,8 +53238,12 @@ }, "TileWithImage": { "properties": { - "tile": { "$ref": "#/components/schemas/Tile" }, - "image": { "$ref": "#/components/schemas/ImageField" } + "tile": { + "$ref": "#/components/schemas/Tile" + }, + "image": { + "$ref": "#/components/schemas/ImageField" + } }, "required": ["tile", "image"], "title": "TileWithImage", @@ -35922,7 +53281,14 @@ "type": "boolean" }, "positive_conditioning": { - "anyOf": [{ "$ref": "#/components/schemas/ConditioningField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ConditioningField" + }, + { + "type": "null" + } + ], "default": null, "description": "Positive conditioning tensor", "field_kind": "input", @@ -35930,7 +53296,14 @@ "orig_required": true }, "negative_conditioning": { - "anyOf": [{ "$ref": "#/components/schemas/ConditioningField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ConditioningField" + }, + { + "type": "null" + } + ], "default": null, "description": "Negative conditioning tensor", "field_kind": "input", @@ -35938,7 +53311,14 @@ "orig_required": true }, "noise": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Noise tensor", "field_kind": "input", @@ -35947,7 +53327,14 @@ "orig_required": false }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -36003,7 +53390,17 @@ "type": "integer" }, "cfg_scale": { - "anyOf": [{ "type": "number" }, { "items": { "type": "number" }, "type": "array" }], + "anyOf": [ + { + "type": "number" + }, + { + "items": { + "type": "number" + }, + "type": "array" + } + ], "default": 6.0, "description": "Classifier-Free Guidance scale", "field_kind": "input", @@ -36080,7 +53477,14 @@ "ui_type": "SchedulerField" }, "unet": { - "anyOf": [{ "$ref": "#/components/schemas/UNetField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/UNetField" + }, + { + "type": "null" + } + ], "default": null, "description": "UNet (scheduler, LoRAs)", "field_kind": "input", @@ -36102,9 +53506,18 @@ }, "control": { "anyOf": [ - { "$ref": "#/components/schemas/ControlField" }, - { "items": { "$ref": "#/components/schemas/ControlField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/ControlField" + }, + { + "items": { + "$ref": "#/components/schemas/ControlField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "field_kind": "input", @@ -36126,7 +53539,9 @@ "title": "Tiled Multi-Diffusion Denoise - SD1.5, SDXL", "type": "object", "version": "1.0.1", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "TransformerField": { "properties": { @@ -36136,7 +53551,9 @@ }, "loras": { "description": "LoRAs to apply on model loading", - "items": { "$ref": "#/components/schemas/LoRAField" }, + "items": { + "$ref": "#/components/schemas/LoRAField" + }, "title": "Loras", "type": "array" } @@ -36155,19 +53572,43 @@ "description": "Provides additional node configuration to the UI.\nThis is used internally by the @invocation decorator logic. Do not use this directly.", "properties": { "tags": { - "anyOf": [{ "items": { "type": "string" }, "type": "array" }, { "type": "null" }], + "anyOf": [ + { + "items": { + "type": "string" + }, + "type": "array" + }, + { + "type": "null" + } + ], "default": null, "description": "The node's tags", "title": "Tags" }, "title": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The node's display name", "title": "Title" }, "category": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "The node's category", "title": "Category" @@ -36274,25 +53715,39 @@ }, "UNetField": { "properties": { - "unet": { "$ref": "#/components/schemas/ModelIdentifierField", "description": "Info to load unet submodel" }, + "unet": { + "$ref": "#/components/schemas/ModelIdentifierField", + "description": "Info to load unet submodel" + }, "scheduler": { "$ref": "#/components/schemas/ModelIdentifierField", "description": "Info to load scheduler submodel" }, "loras": { "description": "LoRAs to apply on model loading", - "items": { "$ref": "#/components/schemas/LoRAField" }, + "items": { + "$ref": "#/components/schemas/LoRAField" + }, "title": "Loras", "type": "array" }, "seamless_axes": { "description": "Axes(\"x\" and \"y\") to which apply seamless", - "items": { "type": "string" }, + "items": { + "type": "string" + }, "title": "Seamless Axes", "type": "array" }, "freeu_config": { - "anyOf": [{ "$ref": "#/components/schemas/FreeUConfig" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/FreeUConfig" + }, + { + "type": "null" + } + ], "default": null, "description": "FreeU configuration" } @@ -36326,9 +53781,29 @@ }, "URLModelSource": { "properties": { - "url": { "type": "string", "minLength": 1, "format": "uri", "title": "Url" }, - "access_token": { "anyOf": [{ "type": "string" }, { "type": "null" }], "title": "Access Token" }, - "type": { "type": "string", "const": "url", "title": "Type", "default": "url" } + "url": { + "type": "string", + "minLength": 1, + "format": "uri", + "title": "Url" + }, + "access_token": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], + "title": "Access Token" + }, + "type": { + "type": "string", + "const": "url", + "title": "Type", + "default": "url" + } }, "type": "object", "required": ["url"], @@ -36342,7 +53817,11 @@ "title": "Url Regex", "description": "Regular expression to match against the URL" }, - "token": { "type": "string", "title": "Token", "description": "Token to use when the URL matches the regex" } + "token": { + "type": "string", + "title": "Token", + "description": "Token to use when the URL matches the regex" + } }, "type": "object", "required": ["url_regex", "token"], @@ -36350,17 +53829,40 @@ }, "Unknown_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -36369,20 +53871,52 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "base": { "type": "string", "const": "unknown", "title": "Base", "default": "unknown" }, - "type": { "type": "string", "const": "unknown", "title": "Type", "default": "unknown" }, - "format": { "type": "string", "const": "unknown", "title": "Format", "default": "unknown" } + "base": { + "type": "string", + "const": "unknown", + "title": "Base", + "default": "unknown" + }, + "type": { + "type": "string", + "const": "unknown", + "title": "Type", + "default": "unknown" + }, + "format": { + "type": "string", + "const": "unknown", + "title": "Format", + "default": "unknown" + } }, "type": "object", "required": [ @@ -36411,7 +53945,14 @@ "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -36420,7 +53961,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -36453,7 +54001,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to use", "field_kind": "input", @@ -36495,18 +54050,24 @@ "title": "Unsharp Mask", "type": "object", "version": "1.2.2", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "UnstarredImagesResult": { "properties": { "affected_boards": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Affected Boards", "description": "The ids of boards affected by the delete operation" }, "unstarred_images": { - "items": { "type": "string" }, + "items": { + "type": "string" + }, "type": "array", "title": "Unstarred Images", "description": "The names of the images that were unstarred" @@ -36518,10 +54079,15 @@ }, "VAEField": { "properties": { - "vae": { "$ref": "#/components/schemas/ModelIdentifierField", "description": "Info to load vae submodel" }, + "vae": { + "$ref": "#/components/schemas/ModelIdentifierField", + "description": "Info to load vae submodel" + }, "seamless_axes": { "description": "Axes(\"x\" and \"y\") to which apply seamless", - "items": { "type": "string" }, + "items": { + "type": "string" + }, "title": "Seamless Axes", "type": "array" } @@ -36562,7 +54128,14 @@ "type": "boolean" }, "vae_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE model to load", "field_kind": "input", @@ -36585,7 +54158,9 @@ "title": "VAE Model - SD1.5, SD2, SDXL, SD3, FLUX", "type": "object", "version": "1.0.4", - "output": { "$ref": "#/components/schemas/VAEOutput" } + "output": { + "$ref": "#/components/schemas/VAEOutput" + } }, "VAEOutput": { "class": "output", @@ -36612,17 +54187,40 @@ }, "VAE_Checkpoint_FLUX_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -36631,25 +54229,64 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "type": { "type": "string", "const": "vae", "title": "Type", "default": "vae" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "base": { "type": "string", "const": "flux", "title": "Base", "default": "flux" } + "type": { + "type": "string", + "const": "vae", + "title": "Type", + "default": "vae" + }, + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "base": { + "type": "string", + "const": "flux", + "title": "Base", + "default": "flux" + } }, "type": "object", "required": [ @@ -36672,17 +54309,40 @@ }, "VAE_Checkpoint_SD1_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -36691,25 +54351,64 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "type": { "type": "string", "const": "vae", "title": "Type", "default": "vae" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "base": { "type": "string", "const": "sd-1", "title": "Base", "default": "sd-1" } + "type": { + "type": "string", + "const": "vae", + "title": "Type", + "default": "vae" + }, + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "base": { + "type": "string", + "const": "sd-1", + "title": "Base", + "default": "sd-1" + } }, "type": "object", "required": [ @@ -36732,17 +54431,40 @@ }, "VAE_Checkpoint_SD2_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -36751,25 +54473,64 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "type": { "type": "string", "const": "vae", "title": "Type", "default": "vae" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "base": { "type": "string", "const": "sd-2", "title": "Base", "default": "sd-2" } + "type": { + "type": "string", + "const": "vae", + "title": "Type", + "default": "vae" + }, + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "base": { + "type": "string", + "const": "sd-2", + "title": "Base", + "default": "sd-2" + } }, "type": "object", "required": [ @@ -36792,17 +54553,40 @@ }, "VAE_Checkpoint_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -36811,25 +54595,64 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, "config_path": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Config Path", "description": "Path to the config for this model, if any." }, - "type": { "type": "string", "const": "vae", "title": "Type", "default": "vae" }, - "format": { "type": "string", "const": "checkpoint", "title": "Format", "default": "checkpoint" }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "type": { + "type": "string", + "const": "vae", + "title": "Type", + "default": "vae" + }, + "format": { + "type": "string", + "const": "checkpoint", + "title": "Format", + "default": "checkpoint" + }, + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -36852,17 +54675,40 @@ }, "VAE_Diffusers_SD1_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -36871,21 +54717,56 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "type": { "type": "string", "const": "vae", "title": "Type", "default": "vae" }, - "base": { "type": "string", "const": "sd-1", "title": "Base", "default": "sd-1" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "type": { + "type": "string", + "const": "vae", + "title": "Type", + "default": "vae" + }, + "base": { + "type": "string", + "const": "sd-1", + "title": "Base", + "default": "sd-1" + } }, "type": "object", "required": [ @@ -36908,17 +54789,40 @@ }, "VAE_Diffusers_SDXL_Config": { "properties": { - "key": { "type": "string", "title": "Key", "description": "A unique key for this model." }, - "hash": { "type": "string", "title": "Hash", "description": "The hash of the model file(s)." }, + "key": { + "type": "string", + "title": "Key", + "description": "A unique key for this model." + }, + "hash": { + "type": "string", + "title": "Hash", + "description": "The hash of the model file(s)." + }, "path": { "type": "string", "title": "Path", "description": "Path to the model on the filesystem. Relative paths are relative to the Invoke root directory." }, - "file_size": { "type": "integer", "title": "File Size", "description": "The size of the model in bytes." }, - "name": { "type": "string", "title": "Name", "description": "Name of the model." }, + "file_size": { + "type": "integer", + "title": "File Size", + "description": "The size of the model in bytes." + }, + "name": { + "type": "string", + "title": "Name", + "description": "Name of the model." + }, "description": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Description", "description": "Model description" }, @@ -36927,21 +54831,56 @@ "title": "Source", "description": "The original source of the model (path, URL or repo_id)." }, - "source_type": { "$ref": "#/components/schemas/ModelSourceType", "description": "The type of source" }, + "source_type": { + "$ref": "#/components/schemas/ModelSourceType", + "description": "The type of source" + }, "source_api_response": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Source Api Response", "description": "The original API response from the source, as stringified JSON." }, "cover_image": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Cover Image", "description": "Url for image to preview model" }, - "format": { "type": "string", "const": "diffusers", "title": "Format", "default": "diffusers" }, - "repo_variant": { "$ref": "#/components/schemas/ModelRepoVariant", "default": "" }, - "type": { "type": "string", "const": "vae", "title": "Type", "default": "vae" }, - "base": { "type": "string", "const": "sdxl", "title": "Base", "default": "sdxl" } + "format": { + "type": "string", + "const": "diffusers", + "title": "Format", + "default": "diffusers" + }, + "repo_variant": { + "$ref": "#/components/schemas/ModelRepoVariant", + "default": "" + }, + "type": { + "type": "string", + "const": "vae", + "title": "Type", + "default": "vae" + }, + "base": { + "type": "string", + "const": "sdxl", + "title": "Base", + "default": "sdxl" + } }, "type": "object", "required": [ @@ -36965,12 +54904,27 @@ "ValidationError": { "properties": { "loc": { - "items": { "anyOf": [{ "type": "string" }, { "type": "integer" }] }, + "items": { + "anyOf": [ + { + "type": "string" + }, + { + "type": "integer" + } + ] + }, "type": "array", "title": "Location" }, - "msg": { "type": "string", "title": "Message" }, - "type": { "type": "string", "title": "Error Type" } + "msg": { + "type": "string", + "title": "Message" + }, + "type": { + "type": "string", + "title": "Error Type" + } }, "type": "object", "required": ["loc", "msg", "type"], @@ -36978,45 +54932,95 @@ }, "Workflow": { "properties": { - "name": { "type": "string", "title": "Name", "description": "The name of the workflow." }, - "author": { "type": "string", "title": "Author", "description": "The author of the workflow." }, + "name": { + "type": "string", + "title": "Name", + "description": "The name of the workflow." + }, + "author": { + "type": "string", + "title": "Author", + "description": "The author of the workflow." + }, "description": { "type": "string", "title": "Description", "description": "The description of the workflow." }, - "version": { "type": "string", "title": "Version", "description": "The version of the workflow." }, - "contact": { "type": "string", "title": "Contact", "description": "The contact of the workflow." }, - "tags": { "type": "string", "title": "Tags", "description": "The tags of the workflow." }, - "notes": { "type": "string", "title": "Notes", "description": "The notes of the workflow." }, + "version": { + "type": "string", + "title": "Version", + "description": "The version of the workflow." + }, + "contact": { + "type": "string", + "title": "Contact", + "description": "The contact of the workflow." + }, + "tags": { + "type": "string", + "title": "Tags", + "description": "The tags of the workflow." + }, + "notes": { + "type": "string", + "title": "Notes", + "description": "The notes of the workflow." + }, "exposedFields": { - "items": { "$ref": "#/components/schemas/ExposedField" }, + "items": { + "$ref": "#/components/schemas/ExposedField" + }, "type": "array", "title": "Exposedfields", "description": "The exposed fields of the workflow." }, - "meta": { "$ref": "#/components/schemas/WorkflowMeta", "description": "The meta of the workflow." }, + "meta": { + "$ref": "#/components/schemas/WorkflowMeta", + "description": "The meta of the workflow." + }, "nodes": { - "items": { "additionalProperties": { "$ref": "#/components/schemas/JsonValue" }, "type": "object" }, + "items": { + "additionalProperties": { + "$ref": "#/components/schemas/JsonValue" + }, + "type": "object" + }, "type": "array", "title": "Nodes", "description": "The nodes of the workflow." }, "edges": { - "items": { "additionalProperties": { "$ref": "#/components/schemas/JsonValue" }, "type": "object" }, + "items": { + "additionalProperties": { + "$ref": "#/components/schemas/JsonValue" + }, + "type": "object" + }, "type": "array", "title": "Edges", "description": "The edges of the workflow." }, "form": { "anyOf": [ - { "additionalProperties": { "$ref": "#/components/schemas/JsonValue" }, "type": "object" }, - { "type": "null" } + { + "additionalProperties": { + "$ref": "#/components/schemas/JsonValue" + }, + "type": "object" + }, + { + "type": "null" + } ], "title": "Form", "description": "The form of the workflow." }, - "id": { "type": "string", "title": "Id", "description": "The id of the workflow." } + "id": { + "type": "string", + "title": "Id", + "description": "The id of the workflow." + } }, "type": "object", "required": [ @@ -37038,12 +55042,26 @@ "WorkflowAndGraphResponse": { "properties": { "workflow": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Workflow", "description": "The workflow used to generate the image, as stringified JSON" }, "graph": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Graph", "description": "The graph used to generate the image, as stringified JSON" } @@ -37052,10 +55070,18 @@ "required": ["workflow", "graph"], "title": "WorkflowAndGraphResponse" }, - "WorkflowCategory": { "type": "string", "enum": ["user", "default"], "title": "WorkflowCategory" }, + "WorkflowCategory": { + "type": "string", + "enum": ["user", "default"], + "title": "WorkflowCategory" + }, "WorkflowMeta": { "properties": { - "version": { "type": "string", "title": "Version", "description": "The version of the workflow schema." }, + "version": { + "type": "string", + "title": "Version", + "description": "The version of the workflow schema." + }, "category": { "$ref": "#/components/schemas/WorkflowCategory", "description": "The category of the workflow (user or default)." @@ -37067,24 +55093,62 @@ }, "WorkflowRecordDTO": { "properties": { - "workflow_id": { "type": "string", "title": "Workflow Id", "description": "The id of the workflow." }, - "name": { "type": "string", "title": "Name", "description": "The name of the workflow." }, + "workflow_id": { + "type": "string", + "title": "Workflow Id", + "description": "The id of the workflow." + }, + "name": { + "type": "string", + "title": "Name", + "description": "The name of the workflow." + }, "created_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + } + ], "title": "Created At", "description": "The created timestamp of the workflow." }, "updated_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + } + ], "title": "Updated At", "description": "The updated timestamp of the workflow." }, "opened_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Opened At", "description": "The opened timestamp of the workflow." }, - "workflow": { "$ref": "#/components/schemas/Workflow", "description": "The workflow." } + "workflow": { + "$ref": "#/components/schemas/Workflow", + "description": "The workflow." + } }, "type": "object", "required": ["workflow_id", "name", "created_at", "updated_at", "workflow"], @@ -37092,20 +55156,55 @@ }, "WorkflowRecordListItemWithThumbnailDTO": { "properties": { - "workflow_id": { "type": "string", "title": "Workflow Id", "description": "The id of the workflow." }, - "name": { "type": "string", "title": "Name", "description": "The name of the workflow." }, + "workflow_id": { + "type": "string", + "title": "Workflow Id", + "description": "The id of the workflow." + }, + "name": { + "type": "string", + "title": "Name", + "description": "The name of the workflow." + }, "created_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + } + ], "title": "Created At", "description": "The created timestamp of the workflow." }, "updated_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + } + ], "title": "Updated At", "description": "The updated timestamp of the workflow." }, "opened_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Opened At", "description": "The opened timestamp of the workflow." }, @@ -37118,9 +55217,20 @@ "$ref": "#/components/schemas/WorkflowCategory", "description": "The description of the workflow." }, - "tags": { "type": "string", "title": "Tags", "description": "The tags of the workflow." }, + "tags": { + "type": "string", + "title": "Tags", + "description": "The tags of the workflow." + }, "thumbnail_url": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Thumbnail Url", "description": "The URL of the workflow thumbnail." } @@ -37137,26 +55247,71 @@ }, "WorkflowRecordWithThumbnailDTO": { "properties": { - "workflow_id": { "type": "string", "title": "Workflow Id", "description": "The id of the workflow." }, - "name": { "type": "string", "title": "Name", "description": "The name of the workflow." }, + "workflow_id": { + "type": "string", + "title": "Workflow Id", + "description": "The id of the workflow." + }, + "name": { + "type": "string", + "title": "Name", + "description": "The name of the workflow." + }, "created_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + } + ], "title": "Created At", "description": "The created timestamp of the workflow." }, "updated_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + } + ], "title": "Updated At", "description": "The updated timestamp of the workflow." }, "opened_at": { - "anyOf": [{ "type": "string", "format": "date-time" }, { "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string", + "format": "date-time" + }, + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Opened At", "description": "The opened timestamp of the workflow." }, - "workflow": { "$ref": "#/components/schemas/Workflow", "description": "The workflow." }, + "workflow": { + "$ref": "#/components/schemas/Workflow", + "description": "The workflow." + }, "thumbnail_url": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "title": "Thumbnail Url", "description": "The URL of the workflow thumbnail." } @@ -37167,40 +55322,86 @@ }, "WorkflowWithoutID": { "properties": { - "name": { "type": "string", "title": "Name", "description": "The name of the workflow." }, - "author": { "type": "string", "title": "Author", "description": "The author of the workflow." }, + "name": { + "type": "string", + "title": "Name", + "description": "The name of the workflow." + }, + "author": { + "type": "string", + "title": "Author", + "description": "The author of the workflow." + }, "description": { "type": "string", "title": "Description", "description": "The description of the workflow." }, - "version": { "type": "string", "title": "Version", "description": "The version of the workflow." }, - "contact": { "type": "string", "title": "Contact", "description": "The contact of the workflow." }, - "tags": { "type": "string", "title": "Tags", "description": "The tags of the workflow." }, - "notes": { "type": "string", "title": "Notes", "description": "The notes of the workflow." }, + "version": { + "type": "string", + "title": "Version", + "description": "The version of the workflow." + }, + "contact": { + "type": "string", + "title": "Contact", + "description": "The contact of the workflow." + }, + "tags": { + "type": "string", + "title": "Tags", + "description": "The tags of the workflow." + }, + "notes": { + "type": "string", + "title": "Notes", + "description": "The notes of the workflow." + }, "exposedFields": { - "items": { "$ref": "#/components/schemas/ExposedField" }, + "items": { + "$ref": "#/components/schemas/ExposedField" + }, "type": "array", "title": "Exposedfields", "description": "The exposed fields of the workflow." }, - "meta": { "$ref": "#/components/schemas/WorkflowMeta", "description": "The meta of the workflow." }, + "meta": { + "$ref": "#/components/schemas/WorkflowMeta", + "description": "The meta of the workflow." + }, "nodes": { - "items": { "additionalProperties": { "$ref": "#/components/schemas/JsonValue" }, "type": "object" }, + "items": { + "additionalProperties": { + "$ref": "#/components/schemas/JsonValue" + }, + "type": "object" + }, "type": "array", "title": "Nodes", "description": "The nodes of the workflow." }, "edges": { - "items": { "additionalProperties": { "$ref": "#/components/schemas/JsonValue" }, "type": "object" }, + "items": { + "additionalProperties": { + "$ref": "#/components/schemas/JsonValue" + }, + "type": "object" + }, "type": "array", "title": "Edges", "description": "The edges of the workflow." }, "form": { "anyOf": [ - { "additionalProperties": { "$ref": "#/components/schemas/JsonValue" }, "type": "object" }, - { "type": "null" } + { + "additionalProperties": { + "$ref": "#/components/schemas/JsonValue" + }, + "type": "object" + }, + { + "type": "null" + } ], "title": "Form", "description": "The form of the workflow." @@ -37229,6 +55430,18 @@ "description": "The name of conditioning tensor", "title": "Conditioning Name", "type": "string" + }, + "mask": { + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], + "default": null, + "description": "The mask associated with this conditioning tensor for regional prompting. Excluded regions should be set to False, included regions should be set to True." } }, "required": ["conditioning_name"], @@ -37261,11 +55474,18 @@ "category": "image", "class": "invocation", "classification": "prototype", - "description": "Run the denoising process with a Z-Image model.", + "description": "Run the denoising process with a Z-Image model.\n\nSupports regional prompting by connecting multiple conditioning inputs with masks.", "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -37274,7 +55494,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -37307,7 +55534,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -37316,7 +55550,14 @@ "orig_required": false }, "denoise_mask": { - "anyOf": [{ "$ref": "#/components/schemas/DenoiseMaskField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/DenoiseMaskField" + }, + { + "type": "null" + } + ], "default": null, "description": "A mask of the region to apply the denoising process to. Values of 0.0 represent the regions to be fully denoised, and 1.0 represent the regions to be preserved.", "field_kind": "input", @@ -37349,7 +55590,14 @@ "type": "number" }, "transformer": { - "anyOf": [{ "$ref": "#/components/schemas/TransformerField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TransformerField" + }, + { + "type": "null" + } + ], "default": null, "description": "Z-Image model (Transformer) to load", "field_kind": "input", @@ -37358,21 +55606,49 @@ "title": "Transformer" }, "positive_conditioning": { - "anyOf": [{ "$ref": "#/components/schemas/ZImageConditioningField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ZImageConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/ZImageConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } + ], "default": null, "description": "Positive conditioning tensor", "field_kind": "input", "input": "connection", - "orig_required": true + "orig_required": true, + "title": "Positive Conditioning" }, "negative_conditioning": { - "anyOf": [{ "$ref": "#/components/schemas/ZImageConditioningField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ZImageConditioningField" + }, + { + "items": { + "$ref": "#/components/schemas/ZImageConditioningField" + }, + "type": "array" + }, + { + "type": "null" + } + ], "default": null, "description": "Negative conditioning tensor", "field_kind": "input", "input": "connection", "orig_default": null, - "orig_required": false + "orig_required": false, + "title": "Negative Conditioning" }, "guidance_scale": { "default": 0.0, @@ -37440,18 +55716,27 @@ "tags": ["image", "z-image"], "title": "Denoise - Z-Image", "type": "object", - "version": "1.0.0", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "version": "1.2.0", + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "ZImageImageToLatentsInvocation": { "category": "image", "class": "invocation", "classification": "prototype", - "description": "Generates latents from an image using Z-Image VAE.", + "description": "Generates latents from an image using Z-Image VAE (supports both Diffusers and FLUX VAE).", "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -37460,7 +55745,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -37493,7 +55785,14 @@ "type": "boolean" }, "image": { - "anyOf": [{ "$ref": "#/components/schemas/ImageField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ImageField" + }, + { + "type": "null" + } + ], "default": null, "description": "The image to encode.", "field_kind": "input", @@ -37501,7 +55800,14 @@ "orig_required": true }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "input", @@ -37520,18 +55826,27 @@ "tags": ["image", "latents", "vae", "i2l", "z-image"], "title": "Image to Latents - Z-Image", "type": "object", - "version": "1.0.0", - "output": { "$ref": "#/components/schemas/LatentsOutput" } + "version": "1.1.0", + "output": { + "$ref": "#/components/schemas/LatentsOutput" + } }, "ZImageLatentsToImageInvocation": { "category": "latents", "class": "invocation", "classification": "prototype", - "description": "Generates an image from latents using Z-Image VAE.", + "description": "Generates an image from latents using Z-Image VAE (supports both Diffusers and FLUX VAE).", "node_pack": "invokeai", "properties": { "board": { - "anyOf": [{ "$ref": "#/components/schemas/BoardField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/BoardField" + }, + { + "type": "null" + } + ], "default": null, "description": "The board to save the image to", "field_kind": "internal", @@ -37540,7 +55855,14 @@ "ui_hidden": false }, "metadata": { - "anyOf": [{ "$ref": "#/components/schemas/MetadataField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/MetadataField" + }, + { + "type": "null" + } + ], "default": null, "description": "Optional metadata to be saved with the image", "field_kind": "internal", @@ -37573,7 +55895,14 @@ "type": "boolean" }, "latents": { - "anyOf": [{ "$ref": "#/components/schemas/LatentsField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/LatentsField" + }, + { + "type": "null" + } + ], "default": null, "description": "Latents tensor", "field_kind": "input", @@ -37581,7 +55910,14 @@ "orig_required": true }, "vae": { - "anyOf": [{ "$ref": "#/components/schemas/VAEField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/VAEField" + }, + { + "type": "null" + } + ], "default": null, "description": "VAE", "field_kind": "input", @@ -37600,8 +55936,10 @@ "tags": ["latents", "image", "vae", "l2i", "z-image"], "title": "Latents to Image - Z-Image", "type": "object", - "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ImageOutput" } + "version": "1.1.0", + "output": { + "$ref": "#/components/schemas/ImageOutput" + } }, "ZImageLoRACollectionLoader": { "category": "model", @@ -37636,9 +55974,18 @@ }, "loras": { "anyOf": [ - { "$ref": "#/components/schemas/LoRAField" }, - { "items": { "$ref": "#/components/schemas/LoRAField" }, "type": "array" }, - { "type": "null" } + { + "$ref": "#/components/schemas/LoRAField" + }, + { + "items": { + "$ref": "#/components/schemas/LoRAField" + }, + "type": "array" + }, + { + "type": "null" + } ], "default": null, "description": "LoRA models and weights. May be a single LoRA or collection.", @@ -37649,7 +55996,14 @@ "title": "LoRAs" }, "transformer": { - "anyOf": [{ "$ref": "#/components/schemas/TransformerField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TransformerField" + }, + { + "type": "null" + } + ], "default": null, "description": "Transformer", "field_kind": "input", @@ -37659,7 +56013,14 @@ "title": "Transformer" }, "qwen3_encoder": { - "anyOf": [{ "$ref": "#/components/schemas/Qwen3EncoderField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/Qwen3EncoderField" + }, + { + "type": "null" + } + ], "default": null, "description": "Qwen3 tokenizer and text encoder", "field_kind": "input", @@ -37681,7 +56042,9 @@ "title": "Apply LoRA Collection - Z-Image", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ZImageLoRALoaderOutput" } + "output": { + "$ref": "#/components/schemas/ZImageLoRALoaderOutput" + } }, "ZImageLoRALoaderInvocation": { "category": "model", @@ -37715,7 +56078,14 @@ "type": "boolean" }, "lora": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "LoRA model to load", "field_kind": "input", @@ -37736,7 +56106,14 @@ "type": "number" }, "transformer": { - "anyOf": [{ "$ref": "#/components/schemas/TransformerField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TransformerField" + }, + { + "type": "null" + } + ], "default": null, "description": "Transformer", "field_kind": "input", @@ -37746,7 +56123,14 @@ "title": "Z-Image Transformer" }, "qwen3_encoder": { - "anyOf": [{ "$ref": "#/components/schemas/Qwen3EncoderField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/Qwen3EncoderField" + }, + { + "type": "null" + } + ], "default": null, "description": "Qwen3 tokenizer and text encoder", "field_kind": "input", @@ -37768,14 +56152,23 @@ "title": "Apply LoRA - Z-Image", "type": "object", "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ZImageLoRALoaderOutput" } + "output": { + "$ref": "#/components/schemas/ZImageLoRALoaderOutput" + } }, "ZImageLoRALoaderOutput": { "class": "output", "description": "Z-Image LoRA Loader Output", "properties": { "transformer": { - "anyOf": [{ "$ref": "#/components/schemas/TransformerField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/TransformerField" + }, + { + "type": "null" + } + ], "default": null, "description": "Transformer", "field_kind": "output", @@ -37783,7 +56176,14 @@ "ui_hidden": false }, "qwen3_encoder": { - "anyOf": [{ "$ref": "#/components/schemas/Qwen3EncoderField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/Qwen3EncoderField" + }, + { + "type": "null" + } + ], "default": null, "description": "Qwen3 tokenizer and text encoder", "field_kind": "output", @@ -37844,7 +56244,14 @@ "ui_model_type": ["main"] }, "vae_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "Standalone VAE model. Z-Image uses the same VAE as FLUX (16-channel). If not provided, VAE will be loaded from the Qwen3 Source model.", "field_kind": "input", @@ -37856,7 +56263,14 @@ "ui_model_type": ["vae"] }, "qwen3_encoder_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "Standalone Qwen3 Encoder model. If not provided, encoder will be loaded from the Qwen3 Source model.", "field_kind": "input", @@ -37867,7 +56281,14 @@ "ui_model_type": ["qwen3_encoder"] }, "qwen3_source_model": { - "anyOf": [{ "$ref": "#/components/schemas/ModelIdentifierField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/ModelIdentifierField" + }, + { + "type": "null" + } + ], "default": null, "description": "Diffusers Z-Image model to extract VAE and/or Qwen3 encoder from. Use this if you don't have separate VAE/Qwen3 models. Ignored if both VAE and Qwen3 Encoder are provided separately.", "field_kind": "input", @@ -37892,7 +56313,9 @@ "title": "Main Model - Z-Image", "type": "object", "version": "3.0.0", - "output": { "$ref": "#/components/schemas/ZImageModelLoaderOutput" } + "output": { + "$ref": "#/components/schemas/ZImageModelLoaderOutput" + } }, "ZImageModelLoaderOutput": { "class": "output", @@ -37935,7 +56358,7 @@ "category": "conditioning", "class": "invocation", "classification": "prototype", - "description": "Encodes and preps a prompt for a Z-Image image.", + "description": "Encodes and preps a prompt for a Z-Image image.\n\nSupports regional prompting by connecting a mask input.", "node_pack": "invokeai", "properties": { "id": { @@ -37963,7 +56386,14 @@ "type": "boolean" }, "prompt": { - "anyOf": [{ "type": "string" }, { "type": "null" }], + "anyOf": [ + { + "type": "string" + }, + { + "type": "null" + } + ], "default": null, "description": "Text prompt to encode.", "field_kind": "input", @@ -37973,7 +56403,14 @@ "ui_component": "textarea" }, "qwen3_encoder": { - "anyOf": [{ "$ref": "#/components/schemas/Qwen3EncoderField" }, { "type": "null" }], + "anyOf": [ + { + "$ref": "#/components/schemas/Qwen3EncoderField" + }, + { + "type": "null" + } + ], "default": null, "description": "Qwen3 tokenizer and text encoder", "field_kind": "input", @@ -37981,6 +56418,22 @@ "orig_required": true, "title": "Qwen3 Encoder" }, + "mask": { + "anyOf": [ + { + "$ref": "#/components/schemas/TensorField" + }, + { + "type": "null" + } + ], + "default": null, + "description": "A mask defining the region that this conditioning prompt applies to.", + "field_kind": "input", + "input": "any", + "orig_default": null, + "orig_required": false + }, "type": { "const": "z_image_text_encoder", "default": "z_image_text_encoder", @@ -37993,8 +56446,10 @@ "tags": ["prompt", "conditioning", "z-image"], "title": "Prompt - Z-Image", "type": "object", - "version": "1.0.0", - "output": { "$ref": "#/components/schemas/ZImageConditioningOutput" } + "version": "1.1.0", + "output": { + "$ref": "#/components/schemas/ZImageConditioningOutput" + } } } } diff --git a/invokeai/frontend/web/src/features/controlLayers/store/validators.ts b/invokeai/frontend/web/src/features/controlLayers/store/validators.ts index 197a3d6e3e3..5706f77bb2f 100644 --- a/invokeai/frontend/web/src/features/controlLayers/store/validators.ts +++ b/invokeai/frontend/web/src/features/controlLayers/store/validators.ts @@ -59,6 +59,17 @@ export const getRegionalGuidanceWarnings = ( } } + if (model.base === 'z-image') { + // Z-Image has similar limitations to FLUX - no negative prompts via CFG by default + // Reference images (IP Adapters) are not supported for Z-Image + if (entity.referenceImages.length > 0) { + warnings.push(WARNINGS.RG_REFERENCE_IMAGES_NOT_SUPPORTED); + } + if (entity.autoNegative) { + warnings.push(WARNINGS.RG_AUTO_NEGATIVE_NOT_SUPPORTED); + } + } + entity.referenceImages.forEach(({ config }) => { if (!config.model) { // No model selected diff --git a/invokeai/frontend/web/src/features/nodes/util/graph/generation/addRegions.ts b/invokeai/frontend/web/src/features/nodes/util/graph/generation/addRegions.ts index e96f698e631..3337a094f51 100644 --- a/invokeai/frontend/web/src/features/nodes/util/graph/generation/addRegions.ts +++ b/invokeai/frontend/web/src/features/nodes/util/graph/generation/addRegions.ts @@ -32,8 +32,8 @@ type AddRegionsArg = { g: Graph; bbox: Rect; model: MainModelConfig; - posCond: Invocation<'compel' | 'sdxl_compel_prompt' | 'flux_text_encoder'>; - negCond: Invocation<'compel' | 'sdxl_compel_prompt' | 'flux_text_encoder'> | null; + posCond: Invocation<'compel' | 'sdxl_compel_prompt' | 'flux_text_encoder' | 'z_image_text_encoder'>; + negCond: Invocation<'compel' | 'sdxl_compel_prompt' | 'flux_text_encoder' | 'z_image_text_encoder'> | null; posCondCollect: Invocation<'collect'>; negCondCollect: Invocation<'collect'> | null; ipAdapterCollect: Invocation<'collect'>; @@ -71,6 +71,7 @@ export const addRegions = async ({ }: AddRegionsArg): Promise => { const isSDXL = model.base === 'sdxl'; const isFLUX = model.base === 'flux'; + const isZImage = model.base === 'z-image'; const validRegions = regions .filter((entity) => entity.isEnabled) @@ -111,7 +112,7 @@ export const addRegions = async ({ if (region.positivePrompt) { // The main positive conditioning node result.addedPositivePrompt = true; - let regionalPosCond: Invocation<'compel' | 'sdxl_compel_prompt' | 'flux_text_encoder'>; + let regionalPosCond: Invocation<'compel' | 'sdxl_compel_prompt' | 'flux_text_encoder' | 'z_image_text_encoder'>; if (isSDXL) { regionalPosCond = g.addNode({ type: 'sdxl_compel_prompt', @@ -125,6 +126,12 @@ export const addRegions = async ({ id: getPrefixedId('prompt_region_positive_cond'), prompt: region.positivePrompt, }); + } else if (isZImage) { + regionalPosCond = g.addNode({ + type: 'z_image_text_encoder', + id: getPrefixedId('prompt_region_positive_cond'), + prompt: region.positivePrompt, + }); } else { regionalPosCond = g.addNode({ type: 'compel', @@ -155,6 +162,12 @@ export const addRegions = async ({ clone.destination.node_id = regionalPosCond.id; g.addEdgeFromObj(clone); } + } else if (posCond.type === 'z_image_text_encoder') { + for (const edge of g.getEdgesTo(posCond, ['qwen3_encoder', 'mask'])) { + const clone = deepClone(edge); + clone.destination.node_id = regionalPosCond.id; + g.addEdgeFromObj(clone); + } } else { assert(false, 'Unsupported positive conditioning node type.'); } @@ -166,7 +179,7 @@ export const addRegions = async ({ // The main negative conditioning node result.addedNegativePrompt = true; - let regionalNegCond: Invocation<'compel' | 'sdxl_compel_prompt' | 'flux_text_encoder'>; + let regionalNegCond: Invocation<'compel' | 'sdxl_compel_prompt' | 'flux_text_encoder' | 'z_image_text_encoder'>; if (isSDXL) { regionalNegCond = g.addNode({ type: 'sdxl_compel_prompt', @@ -180,6 +193,12 @@ export const addRegions = async ({ id: getPrefixedId('prompt_region_negative_cond'), prompt: region.negativePrompt, }); + } else if (isZImage) { + regionalNegCond = g.addNode({ + type: 'z_image_text_encoder', + id: getPrefixedId('prompt_region_negative_cond'), + prompt: region.negativePrompt, + }); } else { regionalNegCond = g.addNode({ type: 'compel', @@ -211,6 +230,12 @@ export const addRegions = async ({ clone.destination.node_id = regionalNegCond.id; g.addEdgeFromObj(clone); } + } else if (negCond.type === 'z_image_text_encoder') { + for (const edge of g.getEdgesTo(negCond, ['qwen3_encoder', 'mask'])) { + const clone = deepClone(edge); + clone.destination.node_id = regionalNegCond.id; + g.addEdgeFromObj(clone); + } } else { assert(false, 'Unsupported negative conditioning node type.'); } @@ -229,7 +254,9 @@ export const addRegions = async ({ // Connect the OG mask image to the inverted mask-to-tensor node g.addEdge(maskToTensor, 'mask', invertTensorMask, 'mask'); // Create the conditioning node. It's going to be connected to the negative cond collector, but it uses the positive prompt - let regionalPosCondInverted: Invocation<'compel' | 'sdxl_compel_prompt' | 'flux_text_encoder'>; + let regionalPosCondInverted: Invocation< + 'compel' | 'sdxl_compel_prompt' | 'flux_text_encoder' | 'z_image_text_encoder' + >; if (isSDXL) { regionalPosCondInverted = g.addNode({ type: 'sdxl_compel_prompt', @@ -243,6 +270,12 @@ export const addRegions = async ({ id: getPrefixedId('prompt_region_positive_cond_inverted'), prompt: region.positivePrompt, }); + } else if (isZImage) { + regionalPosCondInverted = g.addNode({ + type: 'z_image_text_encoder', + id: getPrefixedId('prompt_region_positive_cond_inverted'), + prompt: region.positivePrompt, + }); } else { regionalPosCondInverted = g.addNode({ type: 'compel', @@ -273,6 +306,12 @@ export const addRegions = async ({ clone.destination.node_id = regionalPosCondInverted.id; g.addEdgeFromObj(clone); } + } else if (posCond.type === 'z_image_text_encoder') { + for (const edge of g.getEdgesTo(posCond, ['qwen3_encoder', 'mask'])) { + const clone = deepClone(edge); + clone.destination.node_id = regionalPosCondInverted.id; + g.addEdgeFromObj(clone); + } } else { assert(false, 'Unsupported positive conditioning node type.'); } diff --git a/invokeai/frontend/web/src/features/nodes/util/graph/generation/addZImageLoRAs.ts b/invokeai/frontend/web/src/features/nodes/util/graph/generation/addZImageLoRAs.ts index 5d702dbeddb..bb7b63b427a 100644 --- a/invokeai/frontend/web/src/features/nodes/util/graph/generation/addZImageLoRAs.ts +++ b/invokeai/frontend/web/src/features/nodes/util/graph/generation/addZImageLoRAs.ts @@ -10,7 +10,7 @@ export const addZImageLoRAs = ( denoise: Invocation<'z_image_denoise'>, modelLoader: Invocation<'z_image_model_loader'>, posCond: Invocation<'z_image_text_encoder'>, - negCond: Invocation<'z_image_text_encoder'> + negCond: Invocation<'z_image_text_encoder'> | null ): void => { const enabledLoRAs = state.loras.loras.filter((l) => l.isEnabled && l.model.base === 'z-image'); const loraCount = enabledLoRAs.length; @@ -39,10 +39,13 @@ export const addZImageLoRAs = ( // Reroute model connections through the LoRA collection loader g.deleteEdgesTo(denoise, ['transformer']); g.deleteEdgesTo(posCond, ['qwen3_encoder']); - g.deleteEdgesTo(negCond, ['qwen3_encoder']); g.addEdge(loraCollectionLoader, 'transformer', denoise, 'transformer'); g.addEdge(loraCollectionLoader, 'qwen3_encoder', posCond, 'qwen3_encoder'); - g.addEdge(loraCollectionLoader, 'qwen3_encoder', negCond, 'qwen3_encoder'); + // Only reroute negCond if it exists (guidance_scale > 0) + if (negCond !== null) { + g.deleteEdgesTo(negCond, ['qwen3_encoder']); + g.addEdge(loraCollectionLoader, 'qwen3_encoder', negCond, 'qwen3_encoder'); + } for (const lora of enabledLoRAs) { const { weight } = lora; diff --git a/invokeai/frontend/web/src/features/nodes/util/graph/generation/buildZImageGraph.ts b/invokeai/frontend/web/src/features/nodes/util/graph/generation/buildZImageGraph.ts index d640ad8e2a6..b5df5f7410a 100644 --- a/invokeai/frontend/web/src/features/nodes/util/graph/generation/buildZImageGraph.ts +++ b/invokeai/frontend/web/src/features/nodes/util/graph/generation/buildZImageGraph.ts @@ -14,6 +14,7 @@ import { addImageToImage } from 'features/nodes/util/graph/generation/addImageTo import { addInpaint } from 'features/nodes/util/graph/generation/addInpaint'; import { addNSFWChecker } from 'features/nodes/util/graph/generation/addNSFWChecker'; import { addOutpaint } from 'features/nodes/util/graph/generation/addOutpaint'; +import { addRegions } from 'features/nodes/util/graph/generation/addRegions'; import { addTextToImage } from 'features/nodes/util/graph/generation/addTextToImage'; import { addWatermarker } from 'features/nodes/util/graph/generation/addWatermarker'; import { addZImageLoRAs } from 'features/nodes/util/graph/generation/addZImageLoRAs'; @@ -75,12 +76,32 @@ export const buildZImageGraph = async (arg: GraphBuilderArg): Promise 0 - const negCond = g.addNode({ - type: 'z_image_text_encoder', - id: getPrefixedId('neg_prompt'), - prompt: prompts.negative, + // Only create negative conditioning nodes if guidance is used + let negCond: Invocation<'z_image_text_encoder'> | null = null; + let negCondCollect: Invocation<'collect'> | null = null; + if (guidance_scale > 0) { + negCond = g.addNode({ + type: 'z_image_text_encoder', + id: getPrefixedId('neg_prompt'), + prompt: prompts.negative, + }); + negCondCollect = g.addNode({ + type: 'collect', + id: getPrefixedId('neg_cond_collect'), + }); + } + + // Placeholder collect node for IP adapters (not supported for Z-Image but needed for addRegions) + const ipAdapterCollect = g.addNode({ + type: 'collect', + id: getPrefixedId('ip_adapter_collect'), }); const seed = g.addNode({ @@ -100,17 +121,20 @@ export const buildZImageGraph = async (arg: GraphBuilderArg): Promise 0 - if (guidance_scale > 0) { - g.addEdge(negCond, 'conditioning', denoise, 'negative_conditioning'); + // Connect positive conditioning through collector for regional support + g.addEdge(posCond, 'conditioning', posCondCollect, 'item'); + g.addEdge(posCondCollect, 'collection', denoise, 'positive_conditioning'); + + // Connect negative conditioning if guidance_scale > 0 + if (negCond !== null && negCondCollect !== null) { + g.addEdge(modelLoader, 'qwen3_encoder', negCond, 'qwen3_encoder'); + g.addEdge(negCond, 'conditioning', negCondCollect, 'item'); + g.addEdge(negCondCollect, 'collection', denoise, 'negative_conditioning'); } g.addEdge(seed, 'value', denoise, 'seed'); @@ -119,9 +143,10 @@ export const buildZImageGraph = async (arg: GraphBuilderArg): Promise 1.0 amplify guidance. @@ -25762,6 +25771,8 @@ export type components = { /** * Prompt - Z-Image * @description Encodes and preps a prompt for a Z-Image image. + * + * Supports regional prompting by connecting a mask input. */ ZImageTextEncoderInvocation: { /** @@ -25793,6 +25804,11 @@ export type components = { * @default null */ qwen3_encoder?: components["schemas"]["Qwen3EncoderField"] | null; + /** + * @description A mask defining the region that this conditioning prompt applies to. + * @default null + */ + mask?: components["schemas"]["TensorField"] | null; /** * type * @default z_image_text_encoder From 1a37af383d15334983b9c5931dbc792fbd6ef08d Mon Sep 17 00:00:00 2001 From: Alexander Eichhorn Date: Fri, 5 Dec 2025 00:52:53 +0100 Subject: [PATCH 2/5] @Pfannkuchensack Fix windows path again --- invokeai/frontend/web/src/services/api/schema.ts | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/invokeai/frontend/web/src/services/api/schema.ts b/invokeai/frontend/web/src/services/api/schema.ts index e7eacadb0cb..3bb6030deb5 100644 --- a/invokeai/frontend/web/src/services/api/schema.ts +++ b/invokeai/frontend/web/src/services/api/schema.ts @@ -13126,14 +13126,14 @@ export type components = { * Convert Cache Dir * Format: path * @description Path to the converted models cache directory (DEPRECATED, but do not delete because it is needed for migration from previous versions). - * @default models\.convert_cache + * @default models/.convert_cache */ convert_cache_dir?: string; /** * Download Cache Dir * Format: path * @description Path to the directory that contains dynamically downloaded models. - * @default models\.download_cache + * @default models/.download_cache */ download_cache_dir?: string; /** From 1e9e2e973dbcff8a77150ffd873aa137ee10c387 Mon Sep 17 00:00:00 2001 From: Alexander Eichhorn Date: Tue, 23 Dec 2025 02:41:58 +0100 Subject: [PATCH 3/5] ruff check fix --- invokeai/backend/z_image/z_image_transformer_patch.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/invokeai/backend/z_image/z_image_transformer_patch.py b/invokeai/backend/z_image/z_image_transformer_patch.py index 97e9196f681..1f2ea0a7264 100644 --- a/invokeai/backend/z_image/z_image_transformer_patch.py +++ b/invokeai/backend/z_image/z_image_transformer_patch.py @@ -123,7 +123,7 @@ def regional_forward( unified.append(torch.cat([x_padded[i][:x_len], cap_padded[i][:cap_len]])) unified_freqs_cis.append(torch.cat([x_freqs_cis_padded[i][:x_len], cap_freqs_cis_padded[i][:cap_len]])) - unified_item_seqlens = [a + b for a, b in zip(cap_item_seqlens, x_item_seqlens)] + unified_item_seqlens = [a + b for a, b in zip(cap_item_seqlens, x_item_seqlens, strict=False)] assert unified_item_seqlens == [len(_) for _ in unified] unified_max_item_seqlen = max(unified_item_seqlens) From 7edb06c6715d3864bae12ce9c992840ea21bf3f8 Mon Sep 17 00:00:00 2001 From: Alexander Eichhorn Date: Tue, 23 Dec 2025 02:46:41 +0100 Subject: [PATCH 4/5] ruff formating --- .../z_image/extensions/regional_prompting_extension.py | 4 ++-- invokeai/backend/z_image/z_image_transformer_patch.py | 4 +++- 2 files changed, 5 insertions(+), 3 deletions(-) diff --git a/invokeai/backend/z_image/extensions/regional_prompting_extension.py b/invokeai/backend/z_image/extensions/regional_prompting_extension.py index bed15b97baa..3bb11d5ead4 100644 --- a/invokeai/backend/z_image/extensions/regional_prompting_extension.py +++ b/invokeai/backend/z_image/extensions/regional_prompting_extension.py @@ -132,8 +132,8 @@ def _prepare_regional_attn_mask( # 4. img self-attention within region # mask @ mask.T creates pairwise attention within the masked region - regional_attention_mask[:img_seq_len, :img_seq_len] += ( - mask_flat.view(img_seq_len, 1) @ mask_flat.view(1, img_seq_len) + regional_attention_mask[:img_seq_len, :img_seq_len] += mask_flat.view(img_seq_len, 1) @ mask_flat.view( + 1, img_seq_len ) else: # Global prompt: allow attention to/from background regions only diff --git a/invokeai/backend/z_image/z_image_transformer_patch.py b/invokeai/backend/z_image/z_image_transformer_patch.py index 1f2ea0a7264..6e42e678558 100644 --- a/invokeai/backend/z_image/z_image_transformer_patch.py +++ b/invokeai/backend/z_image/z_image_transformer_patch.py @@ -84,7 +84,9 @@ def regional_forward( # Process through noise_refiner if torch.is_grad_enabled() and self.gradient_checkpointing: for layer in self.noise_refiner: - x_padded = self._gradient_checkpointing_func(layer, x_padded, x_attn_mask, x_freqs_cis_padded, adaln_input) + x_padded = self._gradient_checkpointing_func( + layer, x_padded, x_attn_mask, x_freqs_cis_padded, adaln_input + ) else: for layer in self.noise_refiner: x_padded = layer(x_padded, x_attn_mask, x_freqs_cis_padded, adaln_input) From 9578db4af4c489b4cd8d7b7f265c1b147dfdd7c1 Mon Sep 17 00:00:00 2001 From: Alexander Eichhorn Date: Tue, 23 Dec 2025 16:34:02 +0100 Subject: [PATCH 5/5] fix(ui): Z-Image CFG guidance_scale check uses > 1 instead of > 0 Changed the guidance_scale check from > 0 to > 1 for Z-Image models. Since Z-Image uses guidance_scale=1.0 as "no CFG" (matching FLUX convention), negative conditioning should only be created when guidance_scale > 1. --- .../nodes/util/graph/generation/buildZImageGraph.ts | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/invokeai/frontend/web/src/features/nodes/util/graph/generation/buildZImageGraph.ts b/invokeai/frontend/web/src/features/nodes/util/graph/generation/buildZImageGraph.ts index b5df5f7410a..80edd504fe9 100644 --- a/invokeai/frontend/web/src/features/nodes/util/graph/generation/buildZImageGraph.ts +++ b/invokeai/frontend/web/src/features/nodes/util/graph/generation/buildZImageGraph.ts @@ -82,11 +82,11 @@ export const buildZImageGraph = async (arg: GraphBuilderArg): Promise 0 + // Z-Image supports negative conditioning when guidance_scale > 1 // Only create negative conditioning nodes if guidance is used let negCond: Invocation<'z_image_text_encoder'> | null = null; let negCondCollect: Invocation<'collect'> | null = null; - if (guidance_scale > 0) { + if (guidance_scale > 1) { negCond = g.addNode({ type: 'z_image_text_encoder', id: getPrefixedId('neg_prompt'), @@ -130,7 +130,7 @@ export const buildZImageGraph = async (arg: GraphBuilderArg): Promise 0 + // Connect negative conditioning if guidance_scale > 1 if (negCond !== null && negCondCollect !== null) { g.addEdge(modelLoader, 'qwen3_encoder', negCond, 'qwen3_encoder'); g.addEdge(negCond, 'conditioning', negCondCollect, 'item');