End of training
Browse files- README.md +73 -0
- checkpoint-1000/optimizer.bin +3 -0
- checkpoint-1000/pytorch_lora_weights.safetensors +3 -0
- checkpoint-1000/random_states_0.pkl +3 -0
- checkpoint-1000/scheduler.bin +3 -0
- checkpoint-500/optimizer.bin +3 -0
- checkpoint-500/pytorch_lora_weights.safetensors +3 -0
- checkpoint-500/random_states_0.pkl +3 -0
- checkpoint-500/scheduler.bin +3 -0
- logs/dreambooth-qwen-image-lora/1759838107.829444/events.out.tfevents.1759838107.j-linoyts-68e4fe2e993b34167dd9c9ff-h1q5elsl-54d5f-jo9q9.134.1 +3 -0
- logs/dreambooth-qwen-image-lora/1759838107.8310235/hparams.yml +76 -0
- logs/dreambooth-qwen-image-lora/events.out.tfevents.1759838107.j-linoyts-68e4fe2e993b34167dd9c9ff-h1q5elsl-54d5f-jo9q9.134.0 +3 -0
- pytorch_lora_weights.safetensors +3 -0
    	
        README.md
    ADDED
    
    | @@ -0,0 +1,73 @@ | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            ---
         | 
| 2 | 
            +
            base_model: Qwen/Qwen-Image
         | 
| 3 | 
            +
            library_name: diffusers
         | 
| 4 | 
            +
            license: apache-2.0
         | 
| 5 | 
            +
            instance_prompt: yoda, yarn art style
         | 
| 6 | 
            +
            widget: []
         | 
| 7 | 
            +
            tags:
         | 
| 8 | 
            +
            - text-to-image
         | 
| 9 | 
            +
            - diffusers-training
         | 
| 10 | 
            +
            - diffusers
         | 
| 11 | 
            +
            - lora
         | 
| 12 | 
            +
            - qwen-image
         | 
| 13 | 
            +
            - qwen-image-diffusers
         | 
| 14 | 
            +
            - template:sd-lora
         | 
| 15 | 
            +
            ---
         | 
| 16 | 
            +
             | 
| 17 | 
            +
            <!-- This model card has been generated automatically according to the information the training script had access to. You
         | 
| 18 | 
            +
            should probably proofread and complete it, then remove this comment. -->
         | 
| 19 | 
            +
             | 
| 20 | 
            +
             | 
| 21 | 
            +
            # HiDream Image DreamBooth LoRA - linoyts/lora_jobs_test
         | 
| 22 | 
            +
             | 
| 23 | 
            +
            <Gallery />
         | 
| 24 | 
            +
             | 
| 25 | 
            +
            ## Model description
         | 
| 26 | 
            +
             | 
| 27 | 
            +
            These are linoyts/lora_jobs_test DreamBooth LoRA weights for Qwen/Qwen-Image.
         | 
| 28 | 
            +
             | 
| 29 | 
            +
            The weights were trained using [DreamBooth](https://dreambooth.github.io/) with the [Qwen Image diffusers trainer](https://github.com/huggingface/diffusers/blob/main/examples/dreambooth/README_qwen.md).
         | 
| 30 | 
            +
             | 
| 31 | 
            +
            ## Trigger words
         | 
| 32 | 
            +
             | 
| 33 | 
            +
            You should use `yoda, yarn art style` to trigger the image generation.
         | 
| 34 | 
            +
             | 
| 35 | 
            +
            ## Download model
         | 
| 36 | 
            +
             | 
| 37 | 
            +
            [Download the *.safetensors LoRA](linoyts/lora_jobs_test/tree/main) in the Files & versions tab.
         | 
| 38 | 
            +
             | 
| 39 | 
            +
            ## Use it with the [🧨 diffusers library](https://github.com/huggingface/diffusers)
         | 
| 40 | 
            +
             | 
| 41 | 
            +
            ```py
         | 
| 42 | 
            +
                >>> import torch
         | 
| 43 | 
            +
                >>> from diffusers import QwenImagePipeline
         | 
| 44 | 
            +
             | 
| 45 | 
            +
                >>> pipe = QwenImagePipeline.from_pretrained(
         | 
| 46 | 
            +
                ...     "Qwen/Qwen-Image",
         | 
| 47 | 
            +
                ...     torch_dtype=torch.bfloat16,
         | 
| 48 | 
            +
                ... )
         | 
| 49 | 
            +
                >>> pipe.enable_model_cpu_offload()
         | 
| 50 | 
            +
                >>> pipe.load_lora_weights(f"linoyts/lora_jobs_test")
         | 
| 51 | 
            +
                >>> image = pipe(f"yoda, yarn art style").images[0]
         | 
| 52 | 
            +
             | 
| 53 | 
            +
             | 
| 54 | 
            +
            ```
         | 
| 55 | 
            +
             | 
| 56 | 
            +
            For more details, including weighting, merging and fusing LoRAs, check the [documentation on loading LoRAs in diffusers](https://huggingface.co/docs/diffusers/main/en/using-diffusers/loading_adapters)
         | 
| 57 | 
            +
             | 
| 58 | 
            +
             | 
| 59 | 
            +
            ## Intended uses & limitations
         | 
| 60 | 
            +
             | 
| 61 | 
            +
            #### How to use
         | 
| 62 | 
            +
             | 
| 63 | 
            +
            ```python
         | 
| 64 | 
            +
            # TODO: add an example code snippet for running this diffusion pipeline
         | 
| 65 | 
            +
            ```
         | 
| 66 | 
            +
             | 
| 67 | 
            +
            #### Limitations and bias
         | 
| 68 | 
            +
             | 
| 69 | 
            +
            [TODO: provide examples of latent issues and potential remediations]
         | 
| 70 | 
            +
             | 
| 71 | 
            +
            ## Training details
         | 
| 72 | 
            +
             | 
| 73 | 
            +
            [TODO: describe the data used to train the model]
         | 
    	
        checkpoint-1000/optimizer.bin
    ADDED
    
    | @@ -0,0 +1,3 @@ | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            version https://git-lfs.github.com/spec/v1
         | 
| 2 | 
            +
            oid sha256:5c3d644ef5c9bbe8b0801c4d7a5495670fde43cf8d80e0006ac1642a0691cbe1
         | 
| 3 | 
            +
            size 12542309
         | 
    	
        checkpoint-1000/pytorch_lora_weights.safetensors
    ADDED
    
    | @@ -0,0 +1,3 @@ | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            version https://git-lfs.github.com/spec/v1
         | 
| 2 | 
            +
            oid sha256:12e57966677c9f077c4309a9e42abbc2a4f7da0800677d5b30015b86ce9da407
         | 
| 3 | 
            +
            size 11859320
         | 
    	
        checkpoint-1000/random_states_0.pkl
    ADDED
    
    | @@ -0,0 +1,3 @@ | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            version https://git-lfs.github.com/spec/v1
         | 
| 2 | 
            +
            oid sha256:010116f09ab7d6c011846632381c653e0bdc12e65fb53acd18a31fa2ca63823b
         | 
| 3 | 
            +
            size 14757
         | 
    	
        checkpoint-1000/scheduler.bin
    ADDED
    
    | @@ -0,0 +1,3 @@ | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            version https://git-lfs.github.com/spec/v1
         | 
| 2 | 
            +
            oid sha256:e80559997444478241de13c9e1c4a3ffdf8b3ca18079cb48e40cba9ed317d83a
         | 
| 3 | 
            +
            size 1401
         | 
    	
        checkpoint-500/optimizer.bin
    ADDED
    
    | @@ -0,0 +1,3 @@ | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            version https://git-lfs.github.com/spec/v1
         | 
| 2 | 
            +
            oid sha256:0a6cf1c201b19d928db9aef4041a4cba30963fc750fcb0ce66ac4e6a2562577e
         | 
| 3 | 
            +
            size 12542309
         | 
    	
        checkpoint-500/pytorch_lora_weights.safetensors
    ADDED
    
    | @@ -0,0 +1,3 @@ | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            version https://git-lfs.github.com/spec/v1
         | 
| 2 | 
            +
            oid sha256:cd7aea701c88364b6dab7eb3d9297ed9b7ba3f8fd54d1f54cab5a3f79330fe84
         | 
| 3 | 
            +
            size 11859320
         | 
    	
        checkpoint-500/random_states_0.pkl
    ADDED
    
    | @@ -0,0 +1,3 @@ | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            version https://git-lfs.github.com/spec/v1
         | 
| 2 | 
            +
            oid sha256:b0f73c19fdc2c73b2a0d25b5c8fda8d48c17d75f20427026e267260c8847ccc0
         | 
| 3 | 
            +
            size 14757
         | 
    	
        checkpoint-500/scheduler.bin
    ADDED
    
    | @@ -0,0 +1,3 @@ | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            version https://git-lfs.github.com/spec/v1
         | 
| 2 | 
            +
            oid sha256:11c98b916e27c46015b4d73f8a13a6ea08e258ccb94e8e0f097597b6cdeaea0a
         | 
| 3 | 
            +
            size 1401
         | 
    	
        logs/dreambooth-qwen-image-lora/1759838107.829444/events.out.tfevents.1759838107.j-linoyts-68e4fe2e993b34167dd9c9ff-h1q5elsl-54d5f-jo9q9.134.1
    ADDED
    
    | @@ -0,0 +1,3 @@ | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            version https://git-lfs.github.com/spec/v1
         | 
| 2 | 
            +
            oid sha256:00b84924e5b2ac6fce2ef0d632ed7bbbfd18dc923152488585768e06a6a7ef0b
         | 
| 3 | 
            +
            size 3454
         | 
    	
        logs/dreambooth-qwen-image-lora/1759838107.8310235/hparams.yml
    ADDED
    
    | @@ -0,0 +1,76 @@ | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            adam_beta1: 0.9
         | 
| 2 | 
            +
            adam_beta2: 0.999
         | 
| 3 | 
            +
            adam_epsilon: 1.0e-08
         | 
| 4 | 
            +
            adam_weight_decay: 0.0001
         | 
| 5 | 
            +
            allow_tf32: false
         | 
| 6 | 
            +
            bnb_quantization_config_path: null
         | 
| 7 | 
            +
            cache_dir: null
         | 
| 8 | 
            +
            cache_latents: true
         | 
| 9 | 
            +
            caption_column: text
         | 
| 10 | 
            +
            center_crop: false
         | 
| 11 | 
            +
            checkpointing_steps: 500
         | 
| 12 | 
            +
            checkpoints_total_limit: null
         | 
| 13 | 
            +
            class_data_dir: null
         | 
| 14 | 
            +
            class_prompt: null
         | 
| 15 | 
            +
            dataloader_num_workers: 0
         | 
| 16 | 
            +
            dataset_config_name: null
         | 
| 17 | 
            +
            dataset_name: Norod78/Yarn-art-style
         | 
| 18 | 
            +
            final_validation_prompt: null
         | 
| 19 | 
            +
            gradient_accumulation_steps: 1
         | 
| 20 | 
            +
            gradient_checkpointing: false
         | 
| 21 | 
            +
            hub_model_id: null
         | 
| 22 | 
            +
            hub_token: null
         | 
| 23 | 
            +
            image_column: image
         | 
| 24 | 
            +
            instance_data_dir: null
         | 
| 25 | 
            +
            instance_prompt: yoda, yarn art style
         | 
| 26 | 
            +
            learning_rate: 0.0001
         | 
| 27 | 
            +
            local_rank: -1
         | 
| 28 | 
            +
            logging_dir: logs
         | 
| 29 | 
            +
            logit_mean: 0.0
         | 
| 30 | 
            +
            logit_std: 1.0
         | 
| 31 | 
            +
            lora_alpha: 4
         | 
| 32 | 
            +
            lora_dropout: 0.0
         | 
| 33 | 
            +
            lora_layers: null
         | 
| 34 | 
            +
            lr_num_cycles: 1
         | 
| 35 | 
            +
            lr_power: 1.0
         | 
| 36 | 
            +
            lr_scheduler: linear
         | 
| 37 | 
            +
            lr_warmup_steps: 200
         | 
| 38 | 
            +
            max_grad_norm: 1.0
         | 
| 39 | 
            +
            max_sequence_length: 512
         | 
| 40 | 
            +
            max_train_steps: 1000
         | 
| 41 | 
            +
            mixed_precision: bf16
         | 
| 42 | 
            +
            mode_scale: 1.29
         | 
| 43 | 
            +
            num_class_images: 100
         | 
| 44 | 
            +
            num_train_epochs: 56
         | 
| 45 | 
            +
            num_validation_images: 4
         | 
| 46 | 
            +
            offload: true
         | 
| 47 | 
            +
            optimizer: AdamW
         | 
| 48 | 
            +
            output_dir: lora_jobs_test
         | 
| 49 | 
            +
            pretrained_model_name_or_path: Qwen/Qwen-Image
         | 
| 50 | 
            +
            pretrained_text_encoder_4_name_or_path: meta-llama/Meta-Llama-3.1-8B-Instruct
         | 
| 51 | 
            +
            pretrained_tokenizer_4_name_or_path: meta-llama/Meta-Llama-3.1-8B-Instruct
         | 
| 52 | 
            +
            prior_loss_weight: 1.0
         | 
| 53 | 
            +
            prodigy_beta3: null
         | 
| 54 | 
            +
            prodigy_decouple: true
         | 
| 55 | 
            +
            prodigy_safeguard_warmup: true
         | 
| 56 | 
            +
            prodigy_use_bias_correction: true
         | 
| 57 | 
            +
            push_to_hub: true
         | 
| 58 | 
            +
            random_flip: false
         | 
| 59 | 
            +
            rank: 4
         | 
| 60 | 
            +
            repeats: 1
         | 
| 61 | 
            +
            report_to: tensorboard
         | 
| 62 | 
            +
            resolution: 512
         | 
| 63 | 
            +
            resume_from_checkpoint: null
         | 
| 64 | 
            +
            revision: null
         | 
| 65 | 
            +
            sample_batch_size: 4
         | 
| 66 | 
            +
            scale_lr: false
         | 
| 67 | 
            +
            seed: 0
         | 
| 68 | 
            +
            skip_final_inference: false
         | 
| 69 | 
            +
            train_batch_size: 1
         | 
| 70 | 
            +
            upcast_before_saving: false
         | 
| 71 | 
            +
            use_8bit_adam: true
         | 
| 72 | 
            +
            validation_epochs: 25
         | 
| 73 | 
            +
            validation_prompt: null
         | 
| 74 | 
            +
            variant: null
         | 
| 75 | 
            +
            weighting_scheme: none
         | 
| 76 | 
            +
            with_prior_preservation: false
         | 
    	
        logs/dreambooth-qwen-image-lora/events.out.tfevents.1759838107.j-linoyts-68e4fe2e993b34167dd9c9ff-h1q5elsl-54d5f-jo9q9.134.0
    ADDED
    
    | @@ -0,0 +1,3 @@ | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            version https://git-lfs.github.com/spec/v1
         | 
| 2 | 
            +
            oid sha256:66f56b81466bdce6c44af1a3bfa6d3a1b0c1bc2d267eea5228ed571b221fdf9e
         | 
| 3 | 
            +
            size 83834
         | 
    	
        pytorch_lora_weights.safetensors
    ADDED
    
    | @@ -0,0 +1,3 @@ | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            version https://git-lfs.github.com/spec/v1
         | 
| 2 | 
            +
            oid sha256:deb0fa825040b4824cde47e2dda5df2a2b39ede632ddb06d199313f47e0e24e3
         | 
| 3 | 
            +
            size 11859320
         | 
