apinodes

package
v0.0.0-...-1b97063 Latest Latest
Warning

This package is not in the latest version of its module.

Go to latest
Published: Jun 21, 2024 License: MIT Imports: 1 Imported by: 0

Documentation

Index

Constants

This section is empty.

Variables

This section is empty.

Functions

func AddNoise

func AddNoise(g *Graph, model MODEL, noise NOISE, sigmas SIGMAS, latent_image LATENT) (_ *Node, latent LATENT)

func AlignYourStepsScheduler

func AlignYourStepsScheduler(g *Graph, model_type string, steps int, denoise float64) (_ *Node, sigmas SIGMAS)

func BasicGuider

func BasicGuider(g *Graph, model MODEL, conditioning CONDITIONING) (_ *Node, guider GUIDER)

func BasicScheduler

func BasicScheduler(g *Graph, model MODEL, scheduler string, steps int, denoise float64) (_ *Node, sigmas SIGMAS)

func CFGGuider

func CFGGuider(g *Graph, model MODEL, positive CONDITIONING, negative CONDITIONING, cfg float64) (_ *Node, guider GUIDER)

func CLIPAttentionMultiply

func CLIPAttentionMultiply(g *Graph, clip CLIP, q, k, v, out float64) (_ *Node, out_clip CLIP)

func CLIPLoader

func CLIPLoader(g *Graph, clip_name, typ string) (_ *Node, clip CLIP)

CLIPLoader - Load CLIP

func CLIPMergeAdd

func CLIPMergeAdd(g *Graph, clip1 CLIP, clip2 CLIP) (_ *Node, clip CLIP)

func CLIPMergeSimple

func CLIPMergeSimple(g *Graph, clip1 CLIP, clip2 CLIP, ratio float64) (_ *Node, clip CLIP)

func CLIPMergeSubtract

func CLIPMergeSubtract(g *Graph, clip1 CLIP, clip2 CLIP, multiplier float64) (_ *Node, clip CLIP)

func CLIPSetLastLayer

func CLIPSetLastLayer(g *Graph, clip CLIP, stop_at_clip_layer int) (_ *Node, out_clip CLIP)

CLIPSetLastLayer - CLIP Set Last Layer

func CLIPTextEncode

func CLIPTextEncode(g *Graph, clip CLIP, text string) (_ *Node, conditioning CONDITIONING)

CLIPTextEncode - CLIP Text Encode (Prompt)

func CLIPTextEncodeControlnet

func CLIPTextEncodeControlnet(g *Graph, clip CLIP, conditioning CONDITIONING, text string) (_ *Node, out_conditioning CONDITIONING)

func CLIPTextEncodeSD3

func CLIPTextEncodeSD3(g *Graph, clip CLIP, clip_l, clip_g, t5xxl, empty_padding string) (_ *Node, conditioning CONDITIONING)

func CLIPTextEncodeSDXL

func CLIPTextEncodeSDXL(g *Graph, clip CLIP, width, height, crop_w, crop_h, target_width, target_height int, text_g string, text_l string) (_ *Node, conditioning CONDITIONING)

func CLIPTextEncodeSDXLRefiner

func CLIPTextEncodeSDXLRefiner(g *Graph, clip CLIP, ascore float64, width, height int, text string) (_ *Node, conditioning CONDITIONING)

func CLIPVisionEncode

func CLIPVisionEncode(g *Graph, clip_vision CLIP_VISION, image IMAGE) (_ *Node, clip_vision_output CLIP_VISION_OUTPUT)

CLIPVisionEncode - CLIP Vision Encode

func CLIPVisionLoader

func CLIPVisionLoader(g *Graph, clip_name string) (_ *Node, clip_vision CLIP_VISION)

CLIPVisionLoader - Load CLIP Vision

func Canny

func Canny(g *Graph, image IMAGE, low_threshold, high_threshold float64) (_ *Node, out_image IMAGE)

func CheckpointLoader

func CheckpointLoader(g *Graph, config_name, ckpt_name string) (_ *Node, model MODEL, clip CLIP, vae VAE)

CheckpointLoader - Load Checkpoint With Config (DEPRECATED)

func CheckpointLoaderSimple

func CheckpointLoaderSimple(g *Graph, ckpt_name string) (_ *Node, model MODEL, clip CLIP, vae VAE)

CheckpointLoaderSimple - Load Checkpoint

func ConditioningAverage

func ConditioningAverage(g *Graph, conditioning_to CONDITIONING, conditioning_from CONDITIONING, conditioning_to_strength float64) (_ *Node, conditioning CONDITIONING)

func ConditioningCombine

func ConditioningCombine(g *Graph, conditioning_1 CONDITIONING, conditioning_2 CONDITIONING) (_ *Node, conditioning CONDITIONING)

ConditioningCombine - Conditioning (Combine)

func ConditioningConcat

func ConditioningConcat(g *Graph, conditioning_to CONDITIONING, conditioning_from CONDITIONING) (_ *Node, conditioning CONDITIONING)

ConditioningConcat - Conditioning (Concat)

func ConditioningSetArea

func ConditioningSetArea(g *Graph, conditioning CONDITIONING, width, height, x, y int, strength float64) (_ *Node, out_conditioning CONDITIONING)

ConditioningSetArea - Conditioning (Set Area)

func ConditioningSetAreaPercentage

func ConditioningSetAreaPercentage(g *Graph, conditioning CONDITIONING, width, height, x, y, strength float64) (_ *Node, out_conditioning CONDITIONING)

ConditioningSetAreaPercentage - Conditioning (Set Area with Percentage)

func ConditioningSetAreaStrength

func ConditioningSetAreaStrength(g *Graph, conditioning CONDITIONING, strength float64) (_ *Node, out_conditioning CONDITIONING)

func ConditioningSetMask

func ConditioningSetMask(g *Graph, conditioning CONDITIONING, mask MASK, strength float64, set_cond_area string) (_ *Node, out_conditioning CONDITIONING)

ConditioningSetMask - Conditioning (Set Mask)

func ConditioningSetTimestepRange

func ConditioningSetTimestepRange(g *Graph, conditioning CONDITIONING, start, end float64) (_ *Node, out_conditioning CONDITIONING)

func ConditioningZeroOut

func ConditioningZeroOut(g *Graph, conditioning CONDITIONING) (_ *Node, out_conditioning CONDITIONING)

func ControlNetApply

func ControlNetApply(g *Graph, conditioning CONDITIONING, control_net CONTROL_NET, image IMAGE, strength float64) (_ *Node, out_conditioning CONDITIONING)

ControlNetApply - Apply ControlNet

func ControlNetApplyAdvanced

func ControlNetApplyAdvanced(g *Graph, positive CONDITIONING, negative CONDITIONING, control_net CONTROL_NET, image IMAGE, strength, start_percent, end_percent float64) (_ *Node, out_positive CONDITIONING, out_negative CONDITIONING)

ControlNetApplyAdvanced - Apply ControlNet (Advanced)

func ControlNetLoader

func ControlNetLoader(g *Graph, control_net_name string) (_ *Node, control_net CONTROL_NET)

ControlNetLoader - Load ControlNet Model

func CropMask

func CropMask(g *Graph, mask MASK, x, y, width, height int) (_ *Node, out_mask MASK)

func DiffControlNetLoader

func DiffControlNetLoader(g *Graph, model MODEL, control_net_name string) (_ *Node, control_net CONTROL_NET)

DiffControlNetLoader - Load ControlNet Model (diff)

func DifferentialDiffusion

func DifferentialDiffusion(g *Graph, model MODEL) (_ *Node, out_model MODEL)

DifferentialDiffusion - Differential Diffusion

func DiffusersLoader

func DiffusersLoader(g *Graph, model_path string) (_ *Node, model MODEL, clip CLIP, vae VAE)

func DisableNoise

func DisableNoise(g *Graph) (_ *Node, noise NOISE)

func DualCFGGuider

func DualCFGGuider(g *Graph, model MODEL, cond1 CONDITIONING, cond2 CONDITIONING, negative CONDITIONING, cfg_conds, cfg_cond2_negative float64) (_ *Node, guider GUIDER)

func DualCLIPLoader

func DualCLIPLoader(g *Graph, clip_name1, clip_name2, typ string) (_ *Node, clip CLIP)

func EmptyImage

func EmptyImage(g *Graph, width, height, batch_size, color int) (_ *Node, image IMAGE)

func EmptyLatentAudio

func EmptyLatentAudio(g *Graph) (_ *Node, latent LATENT)

func EmptyLatentImage

func EmptyLatentImage(g *Graph, width, height, batch_size int) (_ *Node, latent LATENT)

EmptyLatentImage - Empty Latent Image

func EmptySD3LatentImage

func EmptySD3LatentImage(g *Graph, width, height, batch_size int) (_ *Node, latent LATENT)

func ExponentialScheduler

func ExponentialScheduler(g *Graph, steps int, sigma_max, sigma_min float64) (_ *Node, sigmas SIGMAS)

func FeatherMask

func FeatherMask(g *Graph, mask MASK, left, top, right, bottom int) (_ *Node, out_mask MASK)

func FlipSigmas

func FlipSigmas(g *Graph, sigmas SIGMAS) (_ *Node, out_sigmas SIGMAS)

func FreeU

func FreeU(g *Graph, model MODEL, b1, b2, s1, s2 float64) (_ *Node, out_model MODEL)

func FreeU_V2

func FreeU_V2(g *Graph, model MODEL, b1, b2, s1, s2 float64) (_ *Node, out_model MODEL)

func GITSScheduler

func GITSScheduler(g *Graph, coeff float64, steps int, denoise float64) (_ *Node, sigmas SIGMAS)

func GLIGENLoader

func GLIGENLoader(g *Graph, gligen_name string) (_ *Node, gligen GLIGEN)

func GLIGENTextBoxApply

func GLIGENTextBoxApply(g *Graph, conditioning_to CONDITIONING, clip CLIP, gligen_textbox_model GLIGEN, text string, width, height, x, y int) (_ *Node, conditioning CONDITIONING)

func GrowMask

func GrowMask(g *Graph, mask MASK, expand int, tapered_corners bool) (_ *Node, out_mask MASK)

func HyperTile

func HyperTile(g *Graph, model MODEL, tile_size, swap_size, max_depth int, scale_depth bool) (_ *Node, out_model MODEL)

func HypernetworkLoader

func HypernetworkLoader(g *Graph, model MODEL, hypernetwork_name string, strength float64) (_ *Node, out_model MODEL)

func ImageBatch

func ImageBatch(g *Graph, image1 IMAGE, image2 IMAGE) (_ *Node, image IMAGE)

ImageBatch - Batch Images

func ImageBlend

func ImageBlend(g *Graph, image1 IMAGE, image2 IMAGE, blend_factor float64, blend_mode string) (_ *Node, image IMAGE)

func ImageBlur

func ImageBlur(g *Graph, image IMAGE, blur_radius int, sigma float64) (_ *Node, out_image IMAGE)

func ImageColorToMask

func ImageColorToMask(g *Graph, image IMAGE, color int) (_ *Node, mask MASK)

func ImageCompositeMasked

func ImageCompositeMasked(g *Graph, destination IMAGE, source IMAGE, mask MASK, x, y int, resize_source bool) (_ *Node, image IMAGE)

func ImageCrop

func ImageCrop(g *Graph, image IMAGE, width, height, x, y int) (_ *Node, out_image IMAGE)

func ImageFromBatch

func ImageFromBatch(g *Graph, image IMAGE, batch_index, length int) (_ *Node, out_image IMAGE)

func ImageInvert

func ImageInvert(g *Graph, image IMAGE) (_ *Node, out_image IMAGE)

ImageInvert - Invert Image

func ImageOnlyCheckpointLoader

func ImageOnlyCheckpointLoader(g *Graph, ckpt_name string) (_ *Node, model MODEL, clip_vision CLIP_VISION, vae VAE)

ImageOnlyCheckpointLoader - Image Only Checkpoint Loader (img2vid model)

func ImagePadForOutpaint

func ImagePadForOutpaint(g *Graph, image IMAGE, left, top, right, bottom, feathering int) (_ *Node, out_image IMAGE, mask MASK)

ImagePadForOutpaint - Pad Image for Outpainting

func ImageQuantize

func ImageQuantize(g *Graph, image IMAGE, colors int, dither string) (_ *Node, out_image IMAGE)

func ImageScale

func ImageScale(g *Graph, image IMAGE, upscale_method string, width, height int, crop string) (_ *Node, out_image IMAGE)

ImageScale - Upscale Image

func ImageScaleBy

func ImageScaleBy(g *Graph, image IMAGE, upscale_method string, scale_by float64) (_ *Node, out_image IMAGE)

ImageScaleBy - Upscale Image By

func ImageScaleToTotalPixels

func ImageScaleToTotalPixels(g *Graph, image IMAGE, upscale_method string, megapixels float64) (_ *Node, out_image IMAGE)

func ImageSharpen

func ImageSharpen(g *Graph, image IMAGE, sharpen_radius int, sigma, alpha float64) (_ *Node, out_image IMAGE)

func ImageToMask

func ImageToMask(g *Graph, image IMAGE, channel string) (_ *Node, mask MASK)

ImageToMask - Convert Image to Mask

func ImageUpscaleWithModel

func ImageUpscaleWithModel(g *Graph, upscale_model UPSCALE_MODEL, image IMAGE) (_ *Node, out_image IMAGE)

ImageUpscaleWithModel - Upscale Image (using Model)

func InpaintModelConditioning

func InpaintModelConditioning(g *Graph, positive CONDITIONING, negative CONDITIONING, vae VAE, pixels IMAGE, mask MASK) (_ *Node, out_positive CONDITIONING, out_negative CONDITIONING, latent LATENT)

func InstructPixToPixConditioning

func InstructPixToPixConditioning(g *Graph, positive CONDITIONING, negative CONDITIONING, vae VAE, pixels IMAGE) (_ *Node, out_positive CONDITIONING, out_negative CONDITIONING, latent LATENT)

func InvertMask

func InvertMask(g *Graph, mask MASK) (_ *Node, out_mask MASK)

func JoinImageWithAlpha

func JoinImageWithAlpha(g *Graph, image IMAGE, alpha MASK) (_ *Node, out_image IMAGE)

JoinImageWithAlpha - Join Image with Alpha

func KSampler

func KSampler(g *Graph, model MODEL, positive CONDITIONING, negative CONDITIONING, latent_image LATENT, seed, steps int, cfg float64, sampler_name, scheduler string, denoise float64) (_ *Node, latent LATENT)

func KSamplerAdvanced

func KSamplerAdvanced(g *Graph, model MODEL, positive CONDITIONING, negative CONDITIONING, latent_image LATENT, add_noise string, noise_seed, steps int, cfg float64, sampler_name, scheduler string, start_at_step, end_at_step int, return_with_leftover_noise string) (_ *Node, latent LATENT)

KSamplerAdvanced - KSampler (Advanced)

func KSamplerSelect

func KSamplerSelect(g *Graph, sampler_name string) (_ *Node, sampler SAMPLER)

func KarrasScheduler

func KarrasScheduler(g *Graph, steps int, sigma_max, sigma_min, rho float64) (_ *Node, sigmas SIGMAS)

func LatentAdd

func LatentAdd(g *Graph, samples1 LATENT, samples2 LATENT) (_ *Node, latent LATENT)

func LatentBatch

func LatentBatch(g *Graph, samples1 LATENT, samples2 LATENT) (_ *Node, latent LATENT)

func LatentBatchSeedBehavior

func LatentBatchSeedBehavior(g *Graph, samples LATENT, seed_behavior string) (_ *Node, latent LATENT)

func LatentBlend

func LatentBlend(g *Graph, samples1 LATENT, samples2 LATENT, blend_factor float64) (_ *Node, latent LATENT)

LatentBlend - Latent Blend

func LatentComposite

func LatentComposite(g *Graph, samples_to LATENT, samples_from LATENT, x, y, feather int) (_ *Node, latent LATENT)

LatentComposite - Latent Composite

func LatentCompositeMasked

func LatentCompositeMasked(g *Graph, destination LATENT, source LATENT, mask MASK, x, y int, resize_source bool) (_ *Node, latent LATENT)

func LatentCrop

func LatentCrop(g *Graph, samples LATENT, width, height, x, y int) (_ *Node, latent LATENT)

LatentCrop - Crop Latent

func LatentFlip

func LatentFlip(g *Graph, samples LATENT, flip_method string) (_ *Node, latent LATENT)

LatentFlip - Flip Latent

func LatentFromBatch

func LatentFromBatch(g *Graph, samples LATENT, batch_index, length int) (_ *Node, latent LATENT)

LatentFromBatch - Latent From Batch

func LatentInterpolate

func LatentInterpolate(g *Graph, samples1 LATENT, samples2 LATENT, ratio float64) (_ *Node, latent LATENT)

func LatentMultiply

func LatentMultiply(g *Graph, samples LATENT, multiplier float64) (_ *Node, latent LATENT)

func LatentRotate

func LatentRotate(g *Graph, samples LATENT, rotation string) (_ *Node, latent LATENT)

LatentRotate - Rotate Latent

func LatentSubtract

func LatentSubtract(g *Graph, samples1 LATENT, samples2 LATENT) (_ *Node, latent LATENT)

func LatentUpscale

func LatentUpscale(g *Graph, samples LATENT, upscale_method string, width, height int, crop string) (_ *Node, latent LATENT)

LatentUpscale - Upscale Latent

func LatentUpscaleBy

func LatentUpscaleBy(g *Graph, samples LATENT, upscale_method string, scale_by float64) (_ *Node, latent LATENT)

LatentUpscaleBy - Upscale Latent By

func LoadAudio

func LoadAudio(g *Graph, audio string) (_ *Node, out_audio AUDIO)

func LoadImage

func LoadImage(g *Graph, image string) (_ *Node, out_image IMAGE, mask MASK)

LoadImage - Load Image

func LoadImageMask

func LoadImageMask(g *Graph, image, channel string) (_ *Node, mask MASK)

LoadImageMask - Load Image (as Mask)

func LoadLatent

func LoadLatent(g *Graph, latent string) (_ *Node, out_latent LATENT)

func LoraLoader

func LoraLoader(g *Graph, model MODEL, clip CLIP, lora_name string, strength_model, strength_clip float64) (_ *Node, out_model MODEL, out_clip CLIP)

LoraLoader - Load LoRA

func LoraLoaderModelOnly

func LoraLoaderModelOnly(g *Graph, model MODEL, lora_name string, strength_model float64) (_ *Node, out_model MODEL)

func MaskComposite

func MaskComposite(g *Graph, destination MASK, source MASK, x, y int, operation string) (_ *Node, mask MASK)

func MaskToImage

func MaskToImage(g *Graph, mask MASK) (_ *Node, image IMAGE)

MaskToImage - Convert Mask to Image

func ModelMergeAdd

func ModelMergeAdd(g *Graph, model1 MODEL, model2 MODEL) (_ *Node, model MODEL)

func ModelMergeBlocks

func ModelMergeBlocks(g *Graph, model1 MODEL, model2 MODEL, input, middle, out float64) (_ *Node, model MODEL)

func ModelMergeSD1

func ModelMergeSD1(g *Graph, model1 MODEL, model2 MODEL, time_embed_, label_emb_, input_blocks_0_, input_blocks_1_, input_blocks_2_, input_blocks_3_, input_blocks_4_, input_blocks_5_, input_blocks_6_, input_blocks_7_, input_blocks_8_, input_blocks_9_, input_blocks_10_, input_blocks_11_, middle_block_0_, middle_block_1_, middle_block_2_, output_blocks_0_, output_blocks_1_, output_blocks_2_, output_blocks_3_, output_blocks_4_, output_blocks_5_, output_blocks_6_, output_blocks_7_, output_blocks_8_, output_blocks_9_, output_blocks_10_, output_blocks_11_, out_ float64) (_ *Node, model MODEL)

func ModelMergeSD2

func ModelMergeSD2(g *Graph, model1 MODEL, model2 MODEL, time_embed_, label_emb_, input_blocks_0_, input_blocks_1_, input_blocks_2_, input_blocks_3_, input_blocks_4_, input_blocks_5_, input_blocks_6_, input_blocks_7_, input_blocks_8_, input_blocks_9_, input_blocks_10_, input_blocks_11_, middle_block_0_, middle_block_1_, middle_block_2_, output_blocks_0_, output_blocks_1_, output_blocks_2_, output_blocks_3_, output_blocks_4_, output_blocks_5_, output_blocks_6_, output_blocks_7_, output_blocks_8_, output_blocks_9_, output_blocks_10_, output_blocks_11_, out_ float64) (_ *Node, model MODEL)

func ModelMergeSD3

func ModelMergeSD3(g *Graph, model1 MODEL, model2 MODEL, pos_embed_, x_embedder_, context_embedder_, y_embedder_, t_embedder_, joint_blocks_0_, joint_blocks_1_, joint_blocks_2_, joint_blocks_3_, joint_blocks_4_, joint_blocks_5_, joint_blocks_6_, joint_blocks_7_, joint_blocks_8_, joint_blocks_9_, joint_blocks_10_, joint_blocks_11_, joint_blocks_12_, joint_blocks_13_, joint_blocks_14_, joint_blocks_15_, joint_blocks_16_, joint_blocks_17_, joint_blocks_18_, joint_blocks_19_, joint_blocks_20_, joint_blocks_21_, joint_blocks_22_, joint_blocks_23_, joint_blocks_24_, joint_blocks_25_, joint_blocks_26_, joint_blocks_27_, joint_blocks_28_, joint_blocks_29_, joint_blocks_30_, joint_blocks_31_, joint_blocks_32_, joint_blocks_33_, joint_blocks_34_, joint_blocks_35_, joint_blocks_36_, joint_blocks_37_, final_layer_ float64) (_ *Node, model MODEL)

func ModelMergeSDXL

func ModelMergeSDXL(g *Graph, model1 MODEL, model2 MODEL, time_embed_, label_emb_, input_blocks_0, input_blocks_1, input_blocks_2, input_blocks_3, input_blocks_4, input_blocks_5, input_blocks_6, input_blocks_7, input_blocks_8, middle_block_0, middle_block_1, middle_block_2, output_blocks_0, output_blocks_1, output_blocks_2, output_blocks_3, output_blocks_4, output_blocks_5, output_blocks_6, output_blocks_7, output_blocks_8, out_ float64) (_ *Node, model MODEL)

func ModelMergeSimple

func ModelMergeSimple(g *Graph, model1 MODEL, model2 MODEL, ratio float64) (_ *Node, model MODEL)

func ModelMergeSubtract

func ModelMergeSubtract(g *Graph, model1 MODEL, model2 MODEL, multiplier float64) (_ *Node, model MODEL)

func ModelSamplingContinuousEDM

func ModelSamplingContinuousEDM(g *Graph, model MODEL, sampling string, sigma_max, sigma_min float64) (_ *Node, out_model MODEL)

func ModelSamplingContinuousV

func ModelSamplingContinuousV(g *Graph, model MODEL, sampling string, sigma_max, sigma_min float64) (_ *Node, out_model MODEL)

func ModelSamplingDiscrete

func ModelSamplingDiscrete(g *Graph, model MODEL, sampling string, zsnr bool) (_ *Node, out_model MODEL)

func ModelSamplingSD3

func ModelSamplingSD3(g *Graph, model MODEL, shift float64) (_ *Node, out_model MODEL)

func ModelSamplingStableCascade

func ModelSamplingStableCascade(g *Graph, model MODEL, shift float64) (_ *Node, out_model MODEL)

func Morphology

func Morphology(g *Graph, image IMAGE, operation string, kernel_size int) (_ *Node, out_image IMAGE)

Morphology - ImageMorphology

func PatchModelAddDownscale

func PatchModelAddDownscale(g *Graph, model MODEL, block_number int, downscale_factor, start_percent, end_percent float64, downscale_after_skip bool, downscale_method, upscale_method string) (_ *Node, out_model MODEL)

PatchModelAddDownscale - PatchModelAddDownscale (Kohya Deep Shrink)

func PerpNeg

func PerpNeg(g *Graph, model MODEL, empty_conditioning CONDITIONING, neg_scale float64) (_ *Node, out_model MODEL)

PerpNeg - Perp-Neg (DEPRECATED by PerpNegGuider)

func PerpNegGuider

func PerpNegGuider(g *Graph, model MODEL, positive CONDITIONING, negative CONDITIONING, empty_conditioning CONDITIONING, cfg, neg_scale float64) (_ *Node, guider GUIDER)

func PerturbedAttentionGuidance

func PerturbedAttentionGuidance(g *Graph, model MODEL, scale float64) (_ *Node, out_model MODEL)

func PhotoMakerEncode

func PhotoMakerEncode(g *Graph, photomaker PHOTOMAKER, image IMAGE, clip CLIP, text string) (_ *Node, conditioning CONDITIONING)

func PhotoMakerLoader

func PhotoMakerLoader(g *Graph, photomaker_model_name string) (_ *Node, photomaker PHOTOMAKER)

func PolyexponentialScheduler

func PolyexponentialScheduler(g *Graph, steps int, sigma_max, sigma_min, rho float64) (_ *Node, sigmas SIGMAS)

func PorterDuffImageComposite

func PorterDuffImageComposite(g *Graph, source IMAGE, source_alpha MASK, destination IMAGE, destination_alpha MASK, mode string) (_ *Node, image IMAGE, mask MASK)

PorterDuffImageComposite - Porter-Duff Image Composite

func RandomNoise

func RandomNoise(g *Graph, noise_seed int) (_ *Node, noise NOISE)

func RebatchImages

func RebatchImages(g *Graph, images IMAGE, batch_size int) (_ *Node, image IMAGE)

RebatchImages - Rebatch Images

func RebatchLatents

func RebatchLatents(g *Graph, latents LATENT, batch_size int) (_ *Node, latent LATENT)

RebatchLatents - Rebatch Latents

func RepeatImageBatch

func RepeatImageBatch(g *Graph, image IMAGE, amount int) (_ *Node, out_image IMAGE)

func RepeatLatentBatch

func RepeatLatentBatch(g *Graph, samples LATENT, amount int) (_ *Node, latent LATENT)

RepeatLatentBatch - Repeat Latent Batch

func RescaleCFG

func RescaleCFG(g *Graph, model MODEL, multiplier float64) (_ *Node, out_model MODEL)

func SDTurboScheduler

func SDTurboScheduler(g *Graph, model MODEL, steps int, denoise float64) (_ *Node, sigmas SIGMAS)

func SD_4XUpscale_Conditioning

func SD_4XUpscale_Conditioning(g *Graph, images IMAGE, positive CONDITIONING, negative CONDITIONING, scale_ratio, noise_augmentation float64) (_ *Node, out_positive CONDITIONING, out_negative CONDITIONING, latent LATENT)

func SV3D_Conditioning

func SV3D_Conditioning(g *Graph, clip_vision CLIP_VISION, init_image IMAGE, vae VAE, width, height, video_frames int, elevation float64) (_ *Node, positive CONDITIONING, negative CONDITIONING, latent LATENT)

func SVD_img2vid_Conditioning

func SVD_img2vid_Conditioning(g *Graph, clip_vision CLIP_VISION, init_image IMAGE, vae VAE, width, height, video_frames, motion_bucket_id, fps int, augmentation_level float64) (_ *Node, positive CONDITIONING, negative CONDITIONING, latent LATENT)

func SamplerCustom

func SamplerCustom(g *Graph, model MODEL, positive CONDITIONING, negative CONDITIONING, sampler SAMPLER, sigmas SIGMAS, latent_image LATENT, add_noise bool, noise_seed int, cfg float64) (_ *Node, output LATENT, denoised_output LATENT)

func SamplerCustomAdvanced

func SamplerCustomAdvanced(g *Graph, noise NOISE, guider GUIDER, sampler SAMPLER, sigmas SIGMAS, latent_image LATENT) (_ *Node, output LATENT, denoised_output LATENT)

func SamplerDPMAdaptative

func SamplerDPMAdaptative(g *Graph, order int, rtol, atol, h_init, pcoeff, icoeff, dcoeff, accept_safety, eta, s_noise float64) (_ *Node, sampler SAMPLER)

func SamplerDPMPP_2M_SDE

func SamplerDPMPP_2M_SDE(g *Graph, solver_type string, eta, s_noise float64, noise_device string) (_ *Node, sampler SAMPLER)

func SamplerDPMPP_3M_SDE

func SamplerDPMPP_3M_SDE(g *Graph, eta, s_noise float64, noise_device string) (_ *Node, sampler SAMPLER)

func SamplerDPMPP_SDE

func SamplerDPMPP_SDE(g *Graph, eta, s_noise, r float64, noise_device string) (_ *Node, sampler SAMPLER)

func SamplerEulerAncestral

func SamplerEulerAncestral(g *Graph, eta, s_noise float64) (_ *Node, sampler SAMPLER)

func SamplerLCMUpscale

func SamplerLCMUpscale(g *Graph, scale_ratio float64, scale_steps int, upscale_method string) (_ *Node, sampler SAMPLER)

func SamplerLMS

func SamplerLMS(g *Graph, order int) (_ *Node, sampler SAMPLER)

func SelfAttentionGuidance

func SelfAttentionGuidance(g *Graph, model MODEL, scale, blur_sigma float64) (_ *Node, out_model MODEL)

SelfAttentionGuidance - Self-Attention Guidance

func SetLatentNoiseMask

func SetLatentNoiseMask(g *Graph, samples LATENT, mask MASK) (_ *Node, latent LATENT)

SetLatentNoiseMask - Set Latent Noise Mask

func SolidMask

func SolidMask(g *Graph, value float64, width, height int) (_ *Node, mask MASK)

func SplitImageWithAlpha

func SplitImageWithAlpha(g *Graph, image IMAGE) (_ *Node, out_image IMAGE, mask MASK)

SplitImageWithAlpha - Split Image with Alpha

func SplitSigmas

func SplitSigmas(g *Graph, sigmas SIGMAS, step int) (_ *Node, high_sigmas SIGMAS, low_sigmas SIGMAS)

func SplitSigmasDenoise

func SplitSigmasDenoise(g *Graph, sigmas SIGMAS, denoise float64) (_ *Node, high_sigmas SIGMAS, low_sigmas SIGMAS)

func StableCascade_EmptyLatentImage

func StableCascade_EmptyLatentImage(g *Graph, width, height, compression, batch_size int) (_ *Node, stage_c LATENT, stage_b LATENT)

func StableCascade_StageB_Conditioning

func StableCascade_StageB_Conditioning(g *Graph, conditioning CONDITIONING, stage_c LATENT) (_ *Node, out_conditioning CONDITIONING)

func StableCascade_StageC_VAEEncode

func StableCascade_StageC_VAEEncode(g *Graph, image IMAGE, vae VAE, compression int) (_ *Node, stage_c LATENT, stage_b LATENT)

func StableCascade_SuperResolutionControlnet

func StableCascade_SuperResolutionControlnet(g *Graph, image IMAGE, vae VAE) (_ *Node, controlnet_input IMAGE, stage_c LATENT, stage_b LATENT)

func StableZero123_Conditioning

func StableZero123_Conditioning(g *Graph, clip_vision CLIP_VISION, init_image IMAGE, vae VAE, width, height, batch_size int, elevation, azimuth float64) (_ *Node, positive CONDITIONING, negative CONDITIONING, latent LATENT)

func StableZero123_Conditioning_Batched

func StableZero123_Conditioning_Batched(g *Graph, clip_vision CLIP_VISION, init_image IMAGE, vae VAE, width, height, batch_size int, elevation, azimuth, elevation_batch_increment, azimuth_batch_increment float64) (_ *Node, positive CONDITIONING, negative CONDITIONING, latent LATENT)

func StyleModelApply

func StyleModelApply(g *Graph, conditioning CONDITIONING, style_model STYLE_MODEL, clip_vision_output CLIP_VISION_OUTPUT) (_ *Node, out_conditioning CONDITIONING)

StyleModelApply - Apply Style Model

func StyleModelLoader

func StyleModelLoader(g *Graph, style_model_name string) (_ *Node, style_model STYLE_MODEL)

StyleModelLoader - Load Style Model

func ThresholdMask

func ThresholdMask(g *Graph, mask MASK, value float64) (_ *Node, out_mask MASK)

func TomePatchModel

func TomePatchModel(g *Graph, model MODEL, ratio float64) (_ *Node, out_model MODEL)

func TripleCLIPLoader

func TripleCLIPLoader(g *Graph, clip_name1, clip_name2, clip_name3 string) (_ *Node, clip CLIP)

func UNETLoader

func UNETLoader(g *Graph, unet_name string) (_ *Node, model MODEL)

func UNetCrossAttentionMultiply

func UNetCrossAttentionMultiply(g *Graph, model MODEL, q, k, v, out float64) (_ *Node, out_model MODEL)

func UNetSelfAttentionMultiply

func UNetSelfAttentionMultiply(g *Graph, model MODEL, q, k, v, out float64) (_ *Node, out_model MODEL)

func UNetTemporalAttentionMultiply

func UNetTemporalAttentionMultiply(g *Graph, model MODEL, self_structural, self_temporal, cross_structural, cross_temporal float64) (_ *Node, out_model MODEL)

func UnCLIPCheckpointLoader

func UnCLIPCheckpointLoader(g *Graph, ckpt_name string) (_ *Node, model MODEL, clip CLIP, vae VAE, clip_vision CLIP_VISION)

UnCLIPCheckpointLoader - unCLIPCheckpointLoader

func UnCLIPConditioning

func UnCLIPConditioning(g *Graph, conditioning CONDITIONING, clip_vision_output CLIP_VISION_OUTPUT, strength, noise_augmentation float64) (_ *Node, out_conditioning CONDITIONING)

UnCLIPConditioning - unCLIPConditioning

func UpscaleModelLoader

func UpscaleModelLoader(g *Graph, model_name string) (_ *Node, upscale_model UPSCALE_MODEL)

UpscaleModelLoader - Load Upscale Model

func VAEDecode

func VAEDecode(g *Graph, samples LATENT, vae VAE) (_ *Node, image IMAGE)

VAEDecode - VAE Decode

func VAEDecodeAudio

func VAEDecodeAudio(g *Graph, samples LATENT, vae VAE) (_ *Node, audio AUDIO)

func VAEDecodeTiled

func VAEDecodeTiled(g *Graph, samples LATENT, vae VAE, tile_size int) (_ *Node, image IMAGE)

VAEDecodeTiled - VAE Decode (Tiled)

func VAEEncode

func VAEEncode(g *Graph, pixels IMAGE, vae VAE) (_ *Node, latent LATENT)

VAEEncode - VAE Encode

func VAEEncodeAudio

func VAEEncodeAudio(g *Graph, audio AUDIO, vae VAE) (_ *Node, latent LATENT)

func VAEEncodeForInpaint

func VAEEncodeForInpaint(g *Graph, pixels IMAGE, vae VAE, mask MASK, grow_mask_by int) (_ *Node, latent LATENT)

VAEEncodeForInpaint - VAE Encode (for Inpainting)

func VAEEncodeTiled

func VAEEncodeTiled(g *Graph, pixels IMAGE, vae VAE, tile_size int) (_ *Node, latent LATENT)

VAEEncodeTiled - VAE Encode (Tiled)

func VAELoader

func VAELoader(g *Graph, vae_name string) (_ *Node, vae VAE)

VAELoader - Load VAE

func VPScheduler

func VPScheduler(g *Graph, steps int, beta_d, beta_min, eps_s float64) (_ *Node, sigmas SIGMAS)

func VideoLinearCFGGuidance

func VideoLinearCFGGuidance(g *Graph, model MODEL, min_cfg float64) (_ *Node, out_model MODEL)

func VideoTriangleCFGGuidance

func VideoTriangleCFGGuidance(g *Graph, model MODEL, min_cfg float64) (_ *Node, out_model MODEL)

func WebcamCapture

func WebcamCapture(g *Graph, image WEBCAM, width, height int, capture_on_queue bool) (_ *Node, out_image IMAGE)

WebcamCapture - Webcam Capture

Types

type AUDIO

type AUDIO Link

type Bool

type Bool = apigraph.Bool

type CLIP

type CLIP Link

type CLIP_VISION

type CLIP_VISION Link

type CLIP_VISION_OUTPUT

type CLIP_VISION_OUTPUT Link

type CONDITIONING

type CONDITIONING Link

type CONTROL_NET

type CONTROL_NET Link

type Float

type Float = apigraph.Float

type GLIGEN

type GLIGEN Link

type GUIDER

type GUIDER Link

type Graph

type Graph = apigraph.Graph

func New

func New() *Graph

type IMAGE

type IMAGE Link

type Int

type Int = apigraph.Int

type LATENT

type LATENT Link
type Link = apigraph.Link

type MASK

type MASK Link

type MODEL

type MODEL Link

type NOISE

type NOISE Link

type Node

type Node = apigraph.Node

func CLIPSave

func CLIPSave(g *Graph, clip CLIP, filename_prefix string) (_ *Node)

func CheckpointSave

func CheckpointSave(g *Graph, model MODEL, clip CLIP, vae VAE, filename_prefix string) (_ *Node)

func ImageOnlyCheckpointSave

func ImageOnlyCheckpointSave(g *Graph, model MODEL, clip_vision CLIP_VISION, vae VAE, filename_prefix string) (_ *Node)

func PreviewImage

func PreviewImage(g *Graph, images IMAGE) (_ *Node)

PreviewImage - Preview Image

func SaveAnimatedPNG

func SaveAnimatedPNG(g *Graph, images IMAGE, filename_prefix string, fps float64, compress_level int) (_ *Node)

func SaveAnimatedWEBP

func SaveAnimatedWEBP(g *Graph, images IMAGE, filename_prefix string, fps float64, lossless bool, quality int, method string) (_ *Node)

func SaveAudio

func SaveAudio(g *Graph, audio AUDIO, filename_prefix string) (_ *Node)

func SaveImage

func SaveImage(g *Graph, images IMAGE, filename_prefix string) (_ *Node)

SaveImage - Save Image

func SaveImageWebsocket

func SaveImageWebsocket(g *Graph, images IMAGE) (_ *Node)

func SaveLatent

func SaveLatent(g *Graph, samples LATENT, filename_prefix string) (_ *Node)

func VAESave

func VAESave(g *Graph, vae VAE, filename_prefix string) (_ *Node)

type PHOTOMAKER

type PHOTOMAKER Link

type SAMPLER

type SAMPLER Link

type SIGMAS

type SIGMAS Link

type STYLE_MODEL

type STYLE_MODEL Link

type String

type String = apigraph.String

type UPSCALE_MODEL

type UPSCALE_MODEL Link

type VAE

type VAE Link

type Value

type Value = apigraph.Value

type WEBCAM

type WEBCAM Link

Jump to

Keyboard shortcuts

? : This menu
/ : Search site
f or F : Jump to
y or Y : Canonical URL