Synchronizing local compiler cache.
Browse files- neuronxcc-2.15.143.0+e39249ad/0_REGISTRY/0.0.28.dev1/inference/stable-diffusion/stabilityai/sdxl-turbo/087b61ec3b012d3c3acc.json +1 -0
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/model_index.json +2 -2
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/scheduler/scheduler_config.json +3 -8
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/text_encoder/config.json +1 -1
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/text_encoder/model.neuron +1 -1
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/text_encoder_2/config.json +1 -1
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/text_encoder_2/model.neuron +1 -1
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/tokenizer/special_tokens_map.json +7 -1
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/tokenizer_2/special_tokens_map.json +7 -1
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/unet/config.json +2 -7
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/unet/model.neuron +2 -2
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/vae_decoder/config.json +4 -4
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/vae_decoder/model.neuron +1 -1
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/vae_encoder/config.json +4 -4
 - neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/vae_encoder/model.neuron +1 -1
 
    	
        neuronxcc-2.15.143.0+e39249ad/0_REGISTRY/0.0.28.dev1/inference/stable-diffusion/stabilityai/sdxl-turbo/087b61ec3b012d3c3acc.json
    ADDED
    
    | 
         @@ -0,0 +1 @@ 
     | 
|
| 
         | 
| 
         | 
|
| 1 | 
         
            +
            {"model_type": "stable-diffusion", "text_encoder": {"_attn_implementation_autoset": true, "architectures": ["CLIPTextModel"], "attention_dropout": 0.0, "dropout": 0.0, "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", "neuron": {"auto_cast": "matmul", "auto_cast_type": "bf16", "compiler_type": "neuronx-cc", "compiler_version": "2.15.143.0+e39249ad", "dynamic_batch_size": false, "inline_weights_to_neff": false, "optlevel": "2", "output_attentions": false, "output_hidden_states": false, "static_batch_size": 1, "static_sequence_length": 77, "tensor_parallel_size": 1}, "num_attention_heads": 12, "num_hidden_layers": 12, "output_hidden_states": true, "task": "feature-extraction", "vocab_size": 49408}, "text_encoder_2": {"_attn_implementation_autoset": true, "architectures": ["CLIPTextModelWithProjection"], "attention_dropout": 0.0, "dropout": 0.0, "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", "neuron": {"auto_cast": "matmul", "auto_cast_type": "bf16", "compiler_type": "neuronx-cc", "compiler_version": "2.15.143.0+e39249ad", "dynamic_batch_size": false, "inline_weights_to_neff": false, "optlevel": "2", "output_attentions": false, "output_hidden_states": false, "static_batch_size": 1, "static_sequence_length": 77, "tensor_parallel_size": 1}, "num_attention_heads": 20, "num_hidden_layers": 32, "output_hidden_states": true, "task": "feature-extraction", "vocab_size": 49408}, "unet": {"_class_name": "UNet2DConditionModel", "act_fn": "silu", "addition_embed_type": "text_time", "addition_embed_type_num_heads": 64, "addition_time_embed_dim": 256, "attention_head_dim": [5, 10, 20], "attention_type": "default", "block_out_channels": [320, 640, 1280], "center_input_sample": false, "class_embed_type": null, "class_embeddings_concat": false, "conv_in_kernel": 3, "conv_out_kernel": 3, "cross_attention_dim": 2048, "cross_attention_norm": null, "down_block_types": ["DownBlock2D", "CrossAttnDownBlock2D", "CrossAttnDownBlock2D"], "downsample_padding": 1, "dropout": 0.0, "dual_cross_attention": false, "encoder_hid_dim": null, "encoder_hid_dim_type": null, "flip_sin_to_cos": true, "freq_shift": 0, "in_channels": 4, "layers_per_block": 2, "mid_block_only_cross_attention": null, "mid_block_scale_factor": 1, "mid_block_type": "UNetMidBlock2DCrossAttn", "neuron": {"auto_cast": "matmul", "auto_cast_type": "bf16", "compiler_type": "neuronx-cc", "compiler_version": "2.15.143.0+e39249ad", "dynamic_batch_size": false, "inline_weights_to_neff": true, "optlevel": "2", "output_attentions": false, "output_hidden_states": false, "static_batch_size": 1, "static_height": 128, "static_num_channels": 4, "static_sequence_length": 77, "static_vae_scale_factor": 8, "static_width": 128, "tensor_parallel_size": 1}, "norm_eps": 1e-05, "norm_num_groups": 32, "num_attention_heads": null, "num_class_embeds": null, "only_cross_attention": false, "out_channels": 4, "projection_class_embeddings_input_dim": 2816, "resnet_out_scale_factor": 1.0, "resnet_skip_time_act": false, "resnet_time_scale_shift": "default", "reverse_transformer_layers_per_block": null, "task": "semantic-segmentation", "time_cond_proj_dim": null, "time_embedding_act_fn": null, "time_embedding_dim": null, "time_embedding_type": "positional", "timestep_post_act": null, "transformer_layers_per_block": [1, 2, 10], "up_block_types": ["CrossAttnUpBlock2D", "CrossAttnUpBlock2D", "UpBlock2D"], "upcast_attention": null, "use_linear_projection": true}}
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/model_index.json
    CHANGED
    
    | 
         @@ -1,7 +1,7 @@ 
     | 
|
| 1 | 
         
             
            {
         
     | 
| 2 | 
         
             
              "_class_name": "StableDiffusionXLPipeline",
         
     | 
| 3 | 
         
             
              "_diffusers_version": "0.30.3",
         
     | 
| 4 | 
         
            -
              "_name_or_path": "stabilityai/ 
     | 
| 5 | 
         
             
              "feature_extractor": [
         
     | 
| 6 | 
         
             
                null,
         
     | 
| 7 | 
         
             
                null
         
     | 
| 
         @@ -13,7 +13,7 @@ 
     | 
|
| 13 | 
         
             
              ],
         
     | 
| 14 | 
         
             
              "scheduler": [
         
     | 
| 15 | 
         
             
                "diffusers",
         
     | 
| 16 | 
         
            -
                " 
     | 
| 17 | 
         
             
              ],
         
     | 
| 18 | 
         
             
              "text_encoder": [
         
     | 
| 19 | 
         
             
                "transformers",
         
     | 
| 
         | 
|
| 1 | 
         
             
            {
         
     | 
| 2 | 
         
             
              "_class_name": "StableDiffusionXLPipeline",
         
     | 
| 3 | 
         
             
              "_diffusers_version": "0.30.3",
         
     | 
| 4 | 
         
            +
              "_name_or_path": "stabilityai/sdxl-turbo",
         
     | 
| 5 | 
         
             
              "feature_extractor": [
         
     | 
| 6 | 
         
             
                null,
         
     | 
| 7 | 
         
             
                null
         
     | 
| 
         | 
|
| 13 | 
         
             
              ],
         
     | 
| 14 | 
         
             
              "scheduler": [
         
     | 
| 15 | 
         
             
                "diffusers",
         
     | 
| 16 | 
         
            +
                "EulerAncestralDiscreteScheduler"
         
     | 
| 17 | 
         
             
              ],
         
     | 
| 18 | 
         
             
              "text_encoder": [
         
     | 
| 19 | 
         
             
                "transformers",
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/scheduler/scheduler_config.json
    CHANGED
    
    | 
         @@ -1,23 +1,18 @@ 
     | 
|
| 1 | 
         
             
            {
         
     | 
| 2 | 
         
            -
              "_class_name": " 
     | 
| 3 | 
         
             
              "_diffusers_version": "0.30.3",
         
     | 
| 4 | 
         
             
              "beta_end": 0.012,
         
     | 
| 5 | 
         
             
              "beta_schedule": "scaled_linear",
         
     | 
| 6 | 
         
             
              "beta_start": 0.00085,
         
     | 
| 7 | 
         
             
              "clip_sample": false,
         
     | 
| 8 | 
         
            -
              "final_sigmas_type": "zero",
         
     | 
| 9 | 
         
             
              "interpolation_type": "linear",
         
     | 
| 10 | 
         
             
              "num_train_timesteps": 1000,
         
     | 
| 11 | 
         
             
              "prediction_type": "epsilon",
         
     | 
| 12 | 
         
             
              "rescale_betas_zero_snr": false,
         
     | 
| 13 | 
         
             
              "sample_max_value": 1.0,
         
     | 
| 14 | 
         
             
              "set_alpha_to_one": false,
         
     | 
| 15 | 
         
            -
              "sigma_max": null,
         
     | 
| 16 | 
         
            -
              "sigma_min": null,
         
     | 
| 17 | 
         
             
              "skip_prk_steps": true,
         
     | 
| 18 | 
         
             
              "steps_offset": 1,
         
     | 
| 19 | 
         
            -
              "timestep_spacing": " 
     | 
| 20 | 
         
            -
              " 
     | 
| 21 | 
         
            -
              "trained_betas": null,
         
     | 
| 22 | 
         
            -
              "use_karras_sigmas": false
         
     | 
| 23 | 
         
             
            }
         
     | 
| 
         | 
|
| 1 | 
         
             
            {
         
     | 
| 2 | 
         
            +
              "_class_name": "EulerAncestralDiscreteScheduler",
         
     | 
| 3 | 
         
             
              "_diffusers_version": "0.30.3",
         
     | 
| 4 | 
         
             
              "beta_end": 0.012,
         
     | 
| 5 | 
         
             
              "beta_schedule": "scaled_linear",
         
     | 
| 6 | 
         
             
              "beta_start": 0.00085,
         
     | 
| 7 | 
         
             
              "clip_sample": false,
         
     | 
| 
         | 
|
| 8 | 
         
             
              "interpolation_type": "linear",
         
     | 
| 9 | 
         
             
              "num_train_timesteps": 1000,
         
     | 
| 10 | 
         
             
              "prediction_type": "epsilon",
         
     | 
| 11 | 
         
             
              "rescale_betas_zero_snr": false,
         
     | 
| 12 | 
         
             
              "sample_max_value": 1.0,
         
     | 
| 13 | 
         
             
              "set_alpha_to_one": false,
         
     | 
| 
         | 
|
| 
         | 
|
| 14 | 
         
             
              "skip_prk_steps": true,
         
     | 
| 15 | 
         
             
              "steps_offset": 1,
         
     | 
| 16 | 
         
            +
              "timestep_spacing": "trailing",
         
     | 
| 17 | 
         
            +
              "trained_betas": null
         
     | 
| 
         | 
|
| 
         | 
|
| 18 | 
         
             
            }
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/text_encoder/config.json
    CHANGED
    
    | 
         @@ -1,6 +1,6 @@ 
     | 
|
| 1 | 
         
             
            {
         
     | 
| 2 | 
         
             
              "_attn_implementation_autoset": true,
         
     | 
| 3 | 
         
            -
              "_name_or_path": "/home/runner/.cache/huggingface/hub/models--stabilityai-- 
     | 
| 4 | 
         
             
              "architectures": [
         
     | 
| 5 | 
         
             
                "CLIPTextModel"
         
     | 
| 6 | 
         
             
              ],
         
     | 
| 
         | 
|
| 1 | 
         
             
            {
         
     | 
| 2 | 
         
             
              "_attn_implementation_autoset": true,
         
     | 
| 3 | 
         
            +
              "_name_or_path": "/home/runner/.cache/huggingface/hub/models--stabilityai--sdxl-turbo/snapshots/71153311d3dbb46851df1931d3ca6e939de83304/text_encoder",
         
     | 
| 4 | 
         
             
              "architectures": [
         
     | 
| 5 | 
         
             
                "CLIPTextModel"
         
     | 
| 6 | 
         
             
              ],
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/text_encoder/model.neuron
    CHANGED
    
    | 
         @@ -1,3 +1,3 @@ 
     | 
|
| 1 | 
         
             
            version https://git-lfs.github.com/spec/v1
         
     | 
| 2 | 
         
            -
            oid sha256: 
     | 
| 3 | 
         
             
            size 496390969
         
     | 
| 
         | 
|
| 1 | 
         
             
            version https://git-lfs.github.com/spec/v1
         
     | 
| 2 | 
         
            +
            oid sha256:5d33ddef07cc7e73a2da405a8c3824dd62aa73491804acf86e5620f646c24ef2
         
     | 
| 3 | 
         
             
            size 496390969
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/text_encoder_2/config.json
    CHANGED
    
    | 
         @@ -1,6 +1,6 @@ 
     | 
|
| 1 | 
         
             
            {
         
     | 
| 2 | 
         
             
              "_attn_implementation_autoset": true,
         
     | 
| 3 | 
         
            -
              "_name_or_path": "/home/runner/.cache/huggingface/hub/models--stabilityai-- 
     | 
| 4 | 
         
             
              "architectures": [
         
     | 
| 5 | 
         
             
                "CLIPTextModelWithProjection"
         
     | 
| 6 | 
         
             
              ],
         
     | 
| 
         | 
|
| 1 | 
         
             
            {
         
     | 
| 2 | 
         
             
              "_attn_implementation_autoset": true,
         
     | 
| 3 | 
         
            +
              "_name_or_path": "/home/runner/.cache/huggingface/hub/models--stabilityai--sdxl-turbo/snapshots/71153311d3dbb46851df1931d3ca6e939de83304/text_encoder_2",
         
     | 
| 4 | 
         
             
              "architectures": [
         
     | 
| 5 | 
         
             
                "CLIPTextModelWithProjection"
         
     | 
| 6 | 
         
             
              ],
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/text_encoder_2/model.neuron
    CHANGED
    
    | 
         @@ -1,3 +1,3 @@ 
     | 
|
| 1 | 
         
             
            version https://git-lfs.github.com/spec/v1
         
     | 
| 2 | 
         
            -
            oid sha256: 
     | 
| 3 | 
         
             
            size 2803014059
         
     | 
| 
         | 
|
| 1 | 
         
             
            version https://git-lfs.github.com/spec/v1
         
     | 
| 2 | 
         
            +
            oid sha256:9750bd344e374921fd56a247688a935ef970218cea8e0622309dc96dcb05c5fb
         
     | 
| 3 | 
         
             
            size 2803014059
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/tokenizer/special_tokens_map.json
    CHANGED
    
    | 
         @@ -13,7 +13,13 @@ 
     | 
|
| 13 | 
         
             
                "rstrip": false,
         
     | 
| 14 | 
         
             
                "single_word": false
         
     | 
| 15 | 
         
             
              },
         
     | 
| 16 | 
         
            -
              "pad_token":  
     | 
| 
         | 
|
| 
         | 
|
| 
         | 
|
| 
         | 
|
| 
         | 
|
| 
         | 
|
| 17 | 
         
             
              "unk_token": {
         
     | 
| 18 | 
         
             
                "content": "<|endoftext|>",
         
     | 
| 19 | 
         
             
                "lstrip": false,
         
     | 
| 
         | 
|
| 13 | 
         
             
                "rstrip": false,
         
     | 
| 14 | 
         
             
                "single_word": false
         
     | 
| 15 | 
         
             
              },
         
     | 
| 16 | 
         
            +
              "pad_token": {
         
     | 
| 17 | 
         
            +
                "content": "<|endoftext|>",
         
     | 
| 18 | 
         
            +
                "lstrip": false,
         
     | 
| 19 | 
         
            +
                "normalized": true,
         
     | 
| 20 | 
         
            +
                "rstrip": false,
         
     | 
| 21 | 
         
            +
                "single_word": false
         
     | 
| 22 | 
         
            +
              },
         
     | 
| 23 | 
         
             
              "unk_token": {
         
     | 
| 24 | 
         
             
                "content": "<|endoftext|>",
         
     | 
| 25 | 
         
             
                "lstrip": false,
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/tokenizer_2/special_tokens_map.json
    CHANGED
    
    | 
         @@ -13,7 +13,13 @@ 
     | 
|
| 13 | 
         
             
                "rstrip": false,
         
     | 
| 14 | 
         
             
                "single_word": false
         
     | 
| 15 | 
         
             
              },
         
     | 
| 16 | 
         
            -
              "pad_token":  
     | 
| 
         | 
|
| 
         | 
|
| 
         | 
|
| 
         | 
|
| 
         | 
|
| 
         | 
|
| 17 | 
         
             
              "unk_token": {
         
     | 
| 18 | 
         
             
                "content": "<|endoftext|>",
         
     | 
| 19 | 
         
             
                "lstrip": false,
         
     | 
| 
         | 
|
| 13 | 
         
             
                "rstrip": false,
         
     | 
| 14 | 
         
             
                "single_word": false
         
     | 
| 15 | 
         
             
              },
         
     | 
| 16 | 
         
            +
              "pad_token": {
         
     | 
| 17 | 
         
            +
                "content": "!",
         
     | 
| 18 | 
         
            +
                "lstrip": false,
         
     | 
| 19 | 
         
            +
                "normalized": false,
         
     | 
| 20 | 
         
            +
                "rstrip": false,
         
     | 
| 21 | 
         
            +
                "single_word": false
         
     | 
| 22 | 
         
            +
              },
         
     | 
| 23 | 
         
             
              "unk_token": {
         
     | 
| 24 | 
         
             
                "content": "<|endoftext|>",
         
     | 
| 25 | 
         
             
                "lstrip": false,
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/unet/config.json
    CHANGED
    
    | 
         @@ -2,12 +2,7 @@ 
     | 
|
| 2 | 
         
             
              "_class_name": "UNet2DConditionModel",
         
     | 
| 3 | 
         
             
              "_commit_hash": null,
         
     | 
| 4 | 
         
             
              "_diffusers_version": "0.30.3",
         
     | 
| 5 | 
         
            -
              "_name_or_path": "/home/runner/.cache/huggingface/hub/models--stabilityai-- 
     | 
| 6 | 
         
            -
              "_use_default_values": [
         
     | 
| 7 | 
         
            -
                "reverse_transformer_layers_per_block",
         
     | 
| 8 | 
         
            -
                "attention_type",
         
     | 
| 9 | 
         
            -
                "dropout"
         
     | 
| 10 | 
         
            -
              ],
         
     | 
| 11 | 
         
             
              "act_fn": "silu",
         
     | 
| 12 | 
         
             
              "addition_embed_type": "text_time",
         
     | 
| 13 | 
         
             
              "addition_embed_type_num_heads": 64,
         
     | 
| 
         @@ -87,7 +82,7 @@ 
     | 
|
| 87 | 
         
             
              "resnet_skip_time_act": false,
         
     | 
| 88 | 
         
             
              "resnet_time_scale_shift": "default",
         
     | 
| 89 | 
         
             
              "reverse_transformer_layers_per_block": null,
         
     | 
| 90 | 
         
            -
              "sample_size":  
     | 
| 91 | 
         
             
              "task": "semantic-segmentation",
         
     | 
| 92 | 
         
             
              "time_cond_proj_dim": null,
         
     | 
| 93 | 
         
             
              "time_embedding_act_fn": null,
         
     | 
| 
         | 
|
| 2 | 
         
             
              "_class_name": "UNet2DConditionModel",
         
     | 
| 3 | 
         
             
              "_commit_hash": null,
         
     | 
| 4 | 
         
             
              "_diffusers_version": "0.30.3",
         
     | 
| 5 | 
         
            +
              "_name_or_path": "/home/runner/.cache/huggingface/hub/models--stabilityai--sdxl-turbo/snapshots/71153311d3dbb46851df1931d3ca6e939de83304/unet",
         
     | 
| 
         | 
|
| 
         | 
|
| 
         | 
|
| 
         | 
|
| 
         | 
|
| 6 | 
         
             
              "act_fn": "silu",
         
     | 
| 7 | 
         
             
              "addition_embed_type": "text_time",
         
     | 
| 8 | 
         
             
              "addition_embed_type_num_heads": 64,
         
     | 
| 
         | 
|
| 82 | 
         
             
              "resnet_skip_time_act": false,
         
     | 
| 83 | 
         
             
              "resnet_time_scale_shift": "default",
         
     | 
| 84 | 
         
             
              "reverse_transformer_layers_per_block": null,
         
     | 
| 85 | 
         
            +
              "sample_size": 64,
         
     | 
| 86 | 
         
             
              "task": "semantic-segmentation",
         
     | 
| 87 | 
         
             
              "time_cond_proj_dim": null,
         
     | 
| 88 | 
         
             
              "time_embedding_act_fn": null,
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/unet/model.neuron
    CHANGED
    
    | 
         @@ -1,3 +1,3 @@ 
     | 
|
| 1 | 
         
             
            version https://git-lfs.github.com/spec/v1
         
     | 
| 2 | 
         
            -
            oid sha256: 
     | 
| 3 | 
         
            -
            size  
     | 
| 
         | 
|
| 1 | 
         
             
            version https://git-lfs.github.com/spec/v1
         
     | 
| 2 | 
         
            +
            oid sha256:2f88c20666d0616d129b31e097fa9893a8f314b96d05d913fe69ac70b63435fb
         
     | 
| 3 | 
         
            +
            size 4164820285
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/vae_decoder/config.json
    CHANGED
    
    | 
         @@ -2,14 +2,14 @@ 
     | 
|
| 2 | 
         
             
              "_class_name": "AutoencoderKL",
         
     | 
| 3 | 
         
             
              "_commit_hash": null,
         
     | 
| 4 | 
         
             
              "_diffusers_version": "0.30.3",
         
     | 
| 5 | 
         
            -
              "_name_or_path": "/home/runner/.cache/huggingface/hub/models--stabilityai-- 
     | 
| 6 | 
         
             
              "_use_default_values": [
         
     | 
| 7 | 
         
            -
                "latents_mean",
         
     | 
| 8 | 
         
             
                "mid_block_add_attention",
         
     | 
| 9 | 
         
             
                "use_post_quant_conv",
         
     | 
| 10 | 
         
            -
                " 
     | 
| 11 | 
         
             
                "shift_factor",
         
     | 
| 12 | 
         
            -
                " 
     | 
| 
         | 
|
| 13 | 
         
             
              ],
         
     | 
| 14 | 
         
             
              "act_fn": "silu",
         
     | 
| 15 | 
         
             
              "block_out_channels": [
         
     | 
| 
         | 
|
| 2 | 
         
             
              "_class_name": "AutoencoderKL",
         
     | 
| 3 | 
         
             
              "_commit_hash": null,
         
     | 
| 4 | 
         
             
              "_diffusers_version": "0.30.3",
         
     | 
| 5 | 
         
            +
              "_name_or_path": "/home/runner/.cache/huggingface/hub/models--stabilityai--sdxl-turbo/snapshots/71153311d3dbb46851df1931d3ca6e939de83304/vae",
         
     | 
| 6 | 
         
             
              "_use_default_values": [
         
     | 
| 
         | 
|
| 7 | 
         
             
                "mid_block_add_attention",
         
     | 
| 8 | 
         
             
                "use_post_quant_conv",
         
     | 
| 9 | 
         
            +
                "latents_std",
         
     | 
| 10 | 
         
             
                "shift_factor",
         
     | 
| 11 | 
         
            +
                "latents_mean",
         
     | 
| 12 | 
         
            +
                "use_quant_conv"
         
     | 
| 13 | 
         
             
              ],
         
     | 
| 14 | 
         
             
              "act_fn": "silu",
         
     | 
| 15 | 
         
             
              "block_out_channels": [
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/vae_decoder/model.neuron
    CHANGED
    
    | 
         @@ -1,3 +1,3 @@ 
     | 
|
| 1 | 
         
             
            version https://git-lfs.github.com/spec/v1
         
     | 
| 2 | 
         
            -
            oid sha256: 
     | 
| 3 | 
         
             
            size 647236147
         
     | 
| 
         | 
|
| 1 | 
         
             
            version https://git-lfs.github.com/spec/v1
         
     | 
| 2 | 
         
            +
            oid sha256:0d6df23cc3e3b017dda4cd9e5022ca460e5552af371b1321ad694de9361ee599
         
     | 
| 3 | 
         
             
            size 647236147
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/vae_encoder/config.json
    CHANGED
    
    | 
         @@ -2,14 +2,14 @@ 
     | 
|
| 2 | 
         
             
              "_class_name": "AutoencoderKL",
         
     | 
| 3 | 
         
             
              "_commit_hash": null,
         
     | 
| 4 | 
         
             
              "_diffusers_version": "0.30.3",
         
     | 
| 5 | 
         
            -
              "_name_or_path": "/home/runner/.cache/huggingface/hub/models--stabilityai-- 
     | 
| 6 | 
         
             
              "_use_default_values": [
         
     | 
| 7 | 
         
            -
                "latents_mean",
         
     | 
| 8 | 
         
             
                "mid_block_add_attention",
         
     | 
| 9 | 
         
             
                "use_post_quant_conv",
         
     | 
| 10 | 
         
            -
                " 
     | 
| 11 | 
         
             
                "shift_factor",
         
     | 
| 12 | 
         
            -
                " 
     | 
| 
         | 
|
| 13 | 
         
             
              ],
         
     | 
| 14 | 
         
             
              "act_fn": "silu",
         
     | 
| 15 | 
         
             
              "block_out_channels": [
         
     | 
| 
         | 
|
| 2 | 
         
             
              "_class_name": "AutoencoderKL",
         
     | 
| 3 | 
         
             
              "_commit_hash": null,
         
     | 
| 4 | 
         
             
              "_diffusers_version": "0.30.3",
         
     | 
| 5 | 
         
            +
              "_name_or_path": "/home/runner/.cache/huggingface/hub/models--stabilityai--sdxl-turbo/snapshots/71153311d3dbb46851df1931d3ca6e939de83304/vae",
         
     | 
| 6 | 
         
             
              "_use_default_values": [
         
     | 
| 
         | 
|
| 7 | 
         
             
                "mid_block_add_attention",
         
     | 
| 8 | 
         
             
                "use_post_quant_conv",
         
     | 
| 9 | 
         
            +
                "latents_std",
         
     | 
| 10 | 
         
             
                "shift_factor",
         
     | 
| 11 | 
         
            +
                "latents_mean",
         
     | 
| 12 | 
         
            +
                "use_quant_conv"
         
     | 
| 13 | 
         
             
              ],
         
     | 
| 14 | 
         
             
              "act_fn": "silu",
         
     | 
| 15 | 
         
             
              "block_out_channels": [
         
     | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/vae_encoder/model.neuron
    CHANGED
    
    | 
         @@ -1,3 +1,3 @@ 
     | 
|
| 1 | 
         
             
            version https://git-lfs.github.com/spec/v1
         
     | 
| 2 | 
         
            -
            oid sha256: 
     | 
| 3 | 
         
             
            size 329048627
         
     | 
| 
         | 
|
| 1 | 
         
             
            version https://git-lfs.github.com/spec/v1
         
     | 
| 2 | 
         
            +
            oid sha256:72eca16b09cbcf36158821dedae98e217d188e8d4de9437222aba5f1a5baa638
         
     | 
| 3 | 
         
             
            size 329048627
         
     |