Synchronizing local compiler cache.
Browse files- neuronxcc-2.15.143.0+e39249ad/0_REGISTRY/0.0.28.dev1/inference/stable-diffusion/stabilityai/stable-diffusion-xl-base-1.0/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 +8 -3
- neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/text_encoder/config.json +2 -2
- 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 +2 -2
- 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 +1 -7
- neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/tokenizer/tokenizer_config.json +1 -0
- neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/tokenizer_2/special_tokens_map.json +1 -7
- neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/tokenizer_2/tokenizer_config.json +1 -0
- neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/unet/config.json +7 -2
- 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/stable-diffusion-xl-base-1.0/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/stable-diffusion-xl-base-1.0",
         | 
| 5 | 
             
              "feature_extractor": [
         | 
| 6 | 
             
                null,
         | 
| 7 | 
             
                null
         | 
|  | |
| 13 | 
             
              ],
         | 
| 14 | 
             
              "scheduler": [
         | 
| 15 | 
             
                "diffusers",
         | 
| 16 | 
            +
                "EulerDiscreteScheduler"
         | 
| 17 | 
             
              ],
         | 
| 18 | 
             
              "text_encoder": [
         | 
| 19 | 
             
                "transformers",
         | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/scheduler/scheduler_config.json
    CHANGED
    
    | @@ -1,18 +1,23 @@ | |
| 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 | 
             
              "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": " | 
| 17 | 
            -
              " | 
|  | |
|  | |
| 18 | 
             
            }
         | 
|  | |
| 1 | 
             
            {
         | 
| 2 | 
            +
              "_class_name": "EulerDiscreteScheduler",
         | 
| 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": "leading",
         | 
| 20 | 
            +
              "timestep_type": "discrete",
         | 
| 21 | 
            +
              "trained_betas": null,
         | 
| 22 | 
            +
              "use_karras_sigmas": false
         | 
| 23 | 
             
            }
         | 
    	
        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 | 
             
              ],
         | 
| @@ -47,6 +47,6 @@ | |
| 47 | 
             
              "task": "feature-extraction",
         | 
| 48 | 
             
              "torch_dtype": "float16",
         | 
| 49 | 
             
              "torchscript": true,
         | 
| 50 | 
            -
              "transformers_version": "4. | 
| 51 | 
             
              "vocab_size": 49408
         | 
| 52 | 
             
            }
         | 
|  | |
| 1 | 
             
            {
         | 
| 2 | 
             
              "_attn_implementation_autoset": true,
         | 
| 3 | 
            +
              "_name_or_path": "/home/runner/.cache/huggingface/hub/models--stabilityai--stable-diffusion-xl-base-1.0/snapshots/462165984030d82259a11f4367a4eed129e94a7b/text_encoder",
         | 
| 4 | 
             
              "architectures": [
         | 
| 5 | 
             
                "CLIPTextModel"
         | 
| 6 | 
             
              ],
         | 
|  | |
| 47 | 
             
              "task": "feature-extraction",
         | 
| 48 | 
             
              "torch_dtype": "float16",
         | 
| 49 | 
             
              "torchscript": true,
         | 
| 50 | 
            +
              "transformers_version": "4.48.2",
         | 
| 51 | 
             
              "vocab_size": 49408
         | 
| 52 | 
             
            }
         | 
    	
        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:d77a2b1a679936cc45d79fc865a811dd6c4639bdf09b494446304e0f92af7c80
         | 
| 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 | 
             
              ],
         | 
| @@ -47,6 +47,6 @@ | |
| 47 | 
             
              "task": "feature-extraction",
         | 
| 48 | 
             
              "torch_dtype": "float16",
         | 
| 49 | 
             
              "torchscript": true,
         | 
| 50 | 
            -
              "transformers_version": "4. | 
| 51 | 
             
              "vocab_size": 49408
         | 
| 52 | 
             
            }
         | 
|  | |
| 1 | 
             
            {
         | 
| 2 | 
             
              "_attn_implementation_autoset": true,
         | 
| 3 | 
            +
              "_name_or_path": "/home/runner/.cache/huggingface/hub/models--stabilityai--stable-diffusion-xl-base-1.0/snapshots/462165984030d82259a11f4367a4eed129e94a7b/text_encoder_2",
         | 
| 4 | 
             
              "architectures": [
         | 
| 5 | 
             
                "CLIPTextModelWithProjection"
         | 
| 6 | 
             
              ],
         | 
|  | |
| 47 | 
             
              "task": "feature-extraction",
         | 
| 48 | 
             
              "torch_dtype": "float16",
         | 
| 49 | 
             
              "torchscript": true,
         | 
| 50 | 
            +
              "transformers_version": "4.48.2",
         | 
| 51 | 
             
              "vocab_size": 49408
         | 
| 52 | 
             
            }
         | 
    	
        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:0e0c82688c82883f2edbe7a35558769c04ceb5068ff8634712f60729bca0469c
         | 
| 3 | 
             
            size 2803014059
         | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/tokenizer/special_tokens_map.json
    CHANGED
    
    | @@ -13,13 +13,7 @@ | |
| 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,
         | 
|  | |
| 13 | 
             
                "rstrip": false,
         | 
| 14 | 
             
                "single_word": false
         | 
| 15 | 
             
              },
         | 
| 16 | 
            +
              "pad_token": "<|endoftext|>",
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 17 | 
             
              "unk_token": {
         | 
| 18 | 
             
                "content": "<|endoftext|>",
         | 
| 19 | 
             
                "lstrip": false,
         | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/tokenizer/tokenizer_config.json
    CHANGED
    
    | @@ -23,6 +23,7 @@ | |
| 23 | 
             
              "do_lower_case": true,
         | 
| 24 | 
             
              "eos_token": "<|endoftext|>",
         | 
| 25 | 
             
              "errors": "replace",
         | 
|  | |
| 26 | 
             
              "model_max_length": 77,
         | 
| 27 | 
             
              "pad_token": "<|endoftext|>",
         | 
| 28 | 
             
              "tokenizer_class": "CLIPTokenizer",
         | 
|  | |
| 23 | 
             
              "do_lower_case": true,
         | 
| 24 | 
             
              "eos_token": "<|endoftext|>",
         | 
| 25 | 
             
              "errors": "replace",
         | 
| 26 | 
            +
              "extra_special_tokens": {},
         | 
| 27 | 
             
              "model_max_length": 77,
         | 
| 28 | 
             
              "pad_token": "<|endoftext|>",
         | 
| 29 | 
             
              "tokenizer_class": "CLIPTokenizer",
         | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/tokenizer_2/special_tokens_map.json
    CHANGED
    
    | @@ -13,13 +13,7 @@ | |
| 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,
         | 
|  | |
| 13 | 
             
                "rstrip": false,
         | 
| 14 | 
             
                "single_word": false
         | 
| 15 | 
             
              },
         | 
| 16 | 
            +
              "pad_token": "!",
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 17 | 
             
              "unk_token": {
         | 
| 18 | 
             
                "content": "<|endoftext|>",
         | 
| 19 | 
             
                "lstrip": false,
         | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/tokenizer_2/tokenizer_config.json
    CHANGED
    
    | @@ -31,6 +31,7 @@ | |
| 31 | 
             
              "do_lower_case": true,
         | 
| 32 | 
             
              "eos_token": "<|endoftext|>",
         | 
| 33 | 
             
              "errors": "replace",
         | 
|  | |
| 34 | 
             
              "model_max_length": 77,
         | 
| 35 | 
             
              "pad_token": "!",
         | 
| 36 | 
             
              "tokenizer_class": "CLIPTokenizer",
         | 
|  | |
| 31 | 
             
              "do_lower_case": true,
         | 
| 32 | 
             
              "eos_token": "<|endoftext|>",
         | 
| 33 | 
             
              "errors": "replace",
         | 
| 34 | 
            +
              "extra_special_tokens": {},
         | 
| 35 | 
             
              "model_max_length": 77,
         | 
| 36 | 
             
              "pad_token": "!",
         | 
| 37 | 
             
              "tokenizer_class": "CLIPTokenizer",
         | 
    	
        neuronxcc-2.15.143.0+e39249ad/MODULE_087b61ec3b012d3c3acc/unet/config.json
    CHANGED
    
    | @@ -2,7 +2,12 @@ | |
| 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 | 
             
              "act_fn": "silu",
         | 
| 7 | 
             
              "addition_embed_type": "text_time",
         | 
| 8 | 
             
              "addition_embed_type_num_heads": 64,
         | 
| @@ -82,7 +87,7 @@ | |
| 82 | 
             
              "resnet_skip_time_act": false,
         | 
| 83 | 
             
              "resnet_time_scale_shift": "default",
         | 
| 84 | 
             
              "reverse_transformer_layers_per_block": null,
         | 
| 85 | 
            -
              "sample_size":  | 
| 86 | 
             
              "task": "semantic-segmentation",
         | 
| 87 | 
             
              "time_cond_proj_dim": null,
         | 
| 88 | 
             
              "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--stable-diffusion-xl-base-1.0/snapshots/462165984030d82259a11f4367a4eed129e94a7b/unet",
         | 
| 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 | 
             
              "resnet_skip_time_act": false,
         | 
| 88 | 
             
              "resnet_time_scale_shift": "default",
         | 
| 89 | 
             
              "reverse_transformer_layers_per_block": null,
         | 
| 90 | 
            +
              "sample_size": 128,
         | 
| 91 | 
             
              "task": "semantic-segmentation",
         | 
| 92 | 
             
              "time_cond_proj_dim": null,
         | 
| 93 | 
             
              "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:5e3ce57a444586810f3a583c063f756f2bfb49f538d2d1c45c35fe812a8a2268
         | 
| 3 | 
            +
            size 4164758845
         | 
    	
        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 | 
            -
                "use_post_quant_conv",
         | 
| 8 | 
             
                "latents_mean",
         | 
| 9 | 
             
                "mid_block_add_attention",
         | 
| 10 | 
            -
                " | 
| 11 | 
             
                "use_quant_conv",
         | 
| 12 | 
            -
                "shift_factor"
         | 
|  | |
| 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--stable-diffusion-xl-base-1.0/snapshots/462165984030d82259a11f4367a4eed129e94a7b/vae",
         | 
| 6 | 
             
              "_use_default_values": [
         | 
|  | |
| 7 | 
             
                "latents_mean",
         | 
| 8 | 
             
                "mid_block_add_attention",
         | 
| 9 | 
            +
                "use_post_quant_conv",
         | 
| 10 | 
             
                "use_quant_conv",
         | 
| 11 | 
            +
                "shift_factor",
         | 
| 12 | 
            +
                "latents_std"
         | 
| 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:73568da1b8a22804a3986375aaeca8edca7c6594a0dbffc7118904e409650232
         | 
| 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 | 
            -
                "use_post_quant_conv",
         | 
| 8 | 
             
                "latents_mean",
         | 
| 9 | 
             
                "mid_block_add_attention",
         | 
| 10 | 
            -
                " | 
| 11 | 
             
                "use_quant_conv",
         | 
| 12 | 
            -
                "shift_factor"
         | 
|  | |
| 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--stable-diffusion-xl-base-1.0/snapshots/462165984030d82259a11f4367a4eed129e94a7b/vae",
         | 
| 6 | 
             
              "_use_default_values": [
         | 
|  | |
| 7 | 
             
                "latents_mean",
         | 
| 8 | 
             
                "mid_block_add_attention",
         | 
| 9 | 
            +
                "use_post_quant_conv",
         | 
| 10 | 
             
                "use_quant_conv",
         | 
| 11 | 
            +
                "shift_factor",
         | 
| 12 | 
            +
                "latents_std"
         | 
| 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:7b493afe512ed32dec6919296aadab302f0eea77b4b61f61a1b8e6533872877d
         | 
| 3 | 
             
            size 329048627
         | 

