Info
https://huggingface.co/Laxhar/noobai-XL-Vpred-1.0?not-for-all-audiences=true
...
Test 2 - Face and hand
Prompt: masterpiece, best quality, Create a close-up photograph of a woman's face and hand, with her hand raised to her chin. She is wearing a white blazer and has a gold ring on her finger. Her nails are neatly manicured and her hair is pulled back into a low bun. She is smiling and has a radiant expression on her face. The background is a plain light gray color. The overall mood of the photo is elegant and sophisticated. The photo should have a soft, natural light and a slight warmth to it. The woman's hair is dark brown and pulled back into a low bun, with a few loose strands framing her face.
Negative: nsfw, worst quality, old, early, low quality, lowres, signature, username, logo, bad hands, mutated hands, mammal, anthro, furry, ambiguous form, feral, semi-anthro
Parameters: Steps: 32| Size: 1024x1024| Seed: 2736029172| CFG scale: 4| App: SD.Next| Version: e762994| Pipeline: StableDiffusionXLPipeline| Operations: txt2img| Model: noobaiXLNAIXL_vPred10Version| Model hash: ea349eeae8
Time: 2m 55.81s | total 197.72 pipeline 169.41 callback 13.25 preview 7.51 decode 6.36 prompt 0.82 gc 0.32 | GPU 9436 MB 8% | RAM 44.99 GB 36%
| 8 | 16 | 20 | 32 | ||||||
|---|---|---|---|---|---|---|---|---|---|
CFG1 | 8 | 16 | 20 | 32 | CFG1 | ||||
CFG2 | |||||||||
CFG3 | |||||||||
CFG4 | |||||||||
CFG5 | |||||||||
CFG6 | |||||||||
CFG8 |
Test 3 - Legs
...
| Code Block |
|---|
{
"diffusers_version": "84e16575e4c5e90b6b49301cfa162ced4cf478d2",
"diffusers_to_gpu": true,
"device_map": "gpu",
"model_wan_stage": "combined",
"diffusers_offload_mode": "none",
"ui_request_timeout": 300000,
"civitai_token": "f..5",
"huggingface_token": "hf..FraU",
"hf_transfer_mode": "xet",
"sd_checkpoint_hash": "ea349eeae87ca8d25ba902c93810f7ca83e5c82f920edf12f273af004ae02819",
"sdnq_dequantize_compile": false,
"sd_model_checkpoint": "noobaiXLNAIXL_vPred10Version"
} |
Model info
noobaiXLNAIXL_vPred10Version [ea349eeae8]
| Module | Class | Device | Dtype | Quant | Params | Modules | Config |
|---|---|---|---|---|---|---|---|
| vae | AutoencoderKL | xpu:0 | torch.bfloat16 | None | 83653863 | 243 | FrozenDict({'in_channels': 3, 'out_channels': 3, 'down_block_types': ['DownEncoderBlock2D', 'DownEncoderBlock2D', 'DownEncoderBlock2D', 'DownEncoderBlock2D'], 'up_block_types': ['UpDecoderBlock2D', 'UpDecoderBlock2D', 'UpDecoderBlock2D', 'UpDecoderBlock2D'], 'block_out_channels': [128, 256, 512, 512], 'layers_per_block': 2, 'act_fn': 'silu', 'latent_channels': 4, 'norm_num_groups': 32, 'sample_size': 1024, 'scaling_factor': 0.13025, 'shift_factor': None, 'latents_mean': None, 'latents_std': None, 'force_upcast': False, 'use_quant_conv': True, 'use_post_quant_conv': True, 'mid_block_add_attention': True, '_use_default_values': ['use_quant_conv', 'latents_mean', 'mid_block_add_attention', 'shift_factor', 'latents_std', 'use_post_quant_conv'], '_class_name': 'AutoencoderKL', '_diffusers_version': '0.20.0.dev0', '_name_or_path': '../sdxl-vae/'}) |
| text_encoder | CLIPTextModel | xpu:0 | torch.bfloat16 | None | 123060480 | 152 | CLIPTextConfig { "architectures": [ "CLIPTextModel" ], "attention_dropout": 0.0, "bos_token_id": 0, "dropout": 0.0, "dtype": "float16", "eos_token_id": 2, "hidden_act": "quick_gelu", "hidden_size": 768, "initializer_factor": 1.0, "initializer_range": 0.02, "intermediate_size": 3072, "layer_norm_eps": 1e-05, "max_position_embeddings": 77, "model_type": "clip_text_model", "num_attention_heads": 12, "num_hidden_layers": 12, "pad_token_id": 1, "projection_dim": 768, "transformers_version": "4.57.1", "vocab_size": 49408 } |
| text_encoder_2 | CLIPTextModelWithProjection | xpu:0 | torch.bfloat16 | None | 694659840 | 393 | CLIPTextConfig { "architectures": [ "CLIPTextModelWithProjection" ], "attention_dropout": 0.0, "bos_token_id": 0, "dropout": 0.0, "dtype": "float16", "eos_token_id": 2, "hidden_act": "gelu", "hidden_size": 1280, "initializer_factor": 1.0, "initializer_range": 0.02, "intermediate_size": 5120, "layer_norm_eps": 1e-05, "max_position_embeddings": 77, "model_type": "clip_text_model", "num_attention_heads": 20, "num_hidden_layers": 32, "pad_token_id": 1, "projection_dim": 1280, "transformers_version": "4.57.1", "vocab_size": 49408 } |
| tokenizer | CLIPTokenizer | None | None | None | 0 | 0 | None |
| tokenizer_2 | CLIPTokenizer | None | None | None | 0 | 0 | None |
| unet | UNet2DConditionModel | xpu:0 | torch.bfloat16 | None | 2567463684 | 1930 | FrozenDict({'sample_size': 128, 'in_channels': 4, 'out_channels': 4, 'center_input_sample': False, 'flip_sin_to_cos': True, 'freq_shift': 0, 'down_block_types': ['DownBlock2D', 'CrossAttnDownBlock2D', 'CrossAttnDownBlock2D'], 'mid_block_type': 'UNetMidBlock2DCrossAttn', 'up_block_types': ['CrossAttnUpBlock2D', 'CrossAttnUpBlock2D', 'UpBlock2D'], 'only_cross_attention': False, 'block_out_channels': [320, 640, 1280], 'layers_per_block': 2, 'downsample_padding': 1, 'mid_block_scale_factor': 1, 'dropout': 0.0, 'act_fn': 'silu', 'norm_num_groups': 32, 'norm_eps': 1e-05, 'cross_attention_dim': 2048, 'transformer_layers_per_block': [1, 2, 10], 'reverse_transformer_layers_per_block': None, 'encoder_hid_dim': None, 'encoder_hid_dim_type': None, 'attention_head_dim': [5, 10, 20], 'num_attention_heads': None, 'dual_cross_attention': False, 'use_linear_projection': True, 'class_embed_type': None, 'addition_embed_type': 'text_time', 'addition_time_embed_dim': 256, 'num_class_embeds': None, 'upcast_attention': None, 'resnet_time_scale_shift': 'default', 'resnet_skip_time_act': False, 'resnet_out_scale_factor': 1.0, 'time_embedding_type': 'positional', 'time_embedding_dim': None, 'time_embedding_act_fn': None, 'timestep_post_act': None, 'time_cond_proj_dim': None, 'conv_in_kernel': 3, 'conv_out_kernel': 3, 'projection_class_embeddings_input_dim': 2816, 'attention_type': 'default', 'class_embeddings_concat': False, 'mid_block_only_cross_attention': None, 'cross_attention_norm': None, 'addition_embed_type_num_heads': 64, '_use_default_values': ['dropout', 'reverse_transformer_layers_per_block', 'attention_type'], '_class_name': 'UNet2DConditionModel', '_diffusers_version': '0.19.0.dev0'}) |
| scheduler | EulerAncestralDiscreteScheduler | None | None | None | 0 | 0 | FrozenDict({'num_train_timesteps': 1000, 'beta_start': 0.00085, 'beta_end': 0.012, 'beta_schedule': 'scaled_linear', 'trained_betas': None, 'prediction_type': 'v_prediction', 'timestep_spacing': 'trailing', 'steps_offset': 1, 'rescale_betas_zero_snr': True, 'interpolation_type': 'linear', 'use_karras_sigmas': False, '_class_name': 'EulerAncestralDiscreteScheduler', '_diffusers_version': '0.35.1', 'clip_sample': False, 'sample_max_value': 1.0, 'set_alpha_to_one': False, 'skip_prk_steps': True}) |
| image_encoder | NoneType | None | None | None | 0 | 0 | None |
| feature_extractor | NoneType | None | None | None | 0 | 0 | None |
| force_zeros_for_empty_prompt | bool | None | None | None | 0 | 0 | None |
...
