AhmedMOstaFA10 commited on
Commit
ad9591a
·
verified ·
1 Parent(s): 2db2a17

Update README.md

Browse files
Files changed (1) hide show
  1. README.md +8 -13
README.md CHANGED
@@ -1,16 +1,15 @@
1
  # ArtifyAI v1.0: Text-to-Image Generation
2
 
3
- ArtifyAI v1.0 is a project designed to generate images from text using the T5 model for text summarization and the Stable Diffusion model for image generation. This version also provides functionality to save model weights and load them for future use, making it easier to resume your work.
4
 
5
  ## Overview
6
 
7
- ArtifyAI v1.0 uses T5 for text processing, Stable Diffusion for image generation, and includes functionality for saving and loading the model's weights. You can easily store model weights in Google Drive and use them later without re-downloading everything.
8
 
9
  ## Features
10
 
11
- - **Text Processing**: Utilizes T5 for text summarization and generation.
12
- - **Image Generation**: Uses Stable Diffusion for high-quality image generation based on textual descriptions.
13
- - **Model Saving**: Allows you to save and reload model weights (e.g., UNet) to/from Google Drive.
14
 
15
  ## Installation
16
 
@@ -20,7 +19,7 @@ Ensure that you have the following to run this project:
20
 
21
  1. Python 3.7+
22
  2. CUDA-compatible GPU (for faster performance)
23
- 3. [Hugging Face Transformers](https://huggingface.co/transformers/)
24
  4. [Diffusers](https://huggingface.co/docs/diffusers/index)
25
  5. [PyTorch](https://pytorch.org/) with CUDA support
26
 
@@ -37,16 +36,13 @@ Ensure that you have the following to run this project:
37
  pip install torch transformers diffusers
38
  ```
39
 
40
- 3. **Download the Pretrained Models**:
41
- Use the following code to load the models:
42
  ```python
43
- from transformers import T5Tokenizer, T5ForConditionalGeneration
44
  from diffusers import StableDiffusionPipeline
45
  import torch
46
 
47
- # Load models
48
- t5_tokenizer = T5Tokenizer.from_pretrained("t5-small")
49
- t5_model = T5ForConditionalGeneration.from_pretrained("t5-small")
50
  ArtifyAI_model = StableDiffusionPipeline.from_pretrained("CompVis/stable-diffusion-v1-4", torch_dtype=torch.float16)
51
 
52
  # Set model to GPU if available
@@ -99,4 +95,3 @@ If you're not familiar with coding or AI, follow these steps to use ArtifyAI:
99
  3. **Run the Project**: Use the code snippets provided in the notebook or above to generate images from text.
100
 
101
  4. **Save Your Work**: If you are using Google Colab, remember to save your models to Google Drive to keep your work.
102
-
 
1
  # ArtifyAI v1.0: Text-to-Image Generation
2
 
3
+ ArtifyAI v1.0 is a project designed to generate images using the Stable Diffusion model. This version focuses on saving and loading model weights, specifically for the image generation pipeline. It also provides functionality to store and retrieve models using Google Drive.
4
 
5
  ## Overview
6
 
7
+ ArtifyAI v1.0 uses Stable Diffusion for high-quality image generation based on descriptive inputs. The project allows saving and loading of model weights to/from Google Drive, so you don't need to re-download models in future sessions.
8
 
9
  ## Features
10
 
11
+ - **Image Generation**: Uses Stable Diffusion to generate images from text descriptions.
12
+ - **Model Saving**: Supports saving and loading of model weights (e.g., `UNet`) to/from Google Drive.
 
13
 
14
  ## Installation
15
 
 
19
 
20
  1. Python 3.7+
21
  2. CUDA-compatible GPU (for faster performance)
22
+ 3. [Hugging Face Transformers](https://huggingface.co/transformers/) library
23
  4. [Diffusers](https://huggingface.co/docs/diffusers/index)
24
  5. [PyTorch](https://pytorch.org/) with CUDA support
25
 
 
36
  pip install torch transformers diffusers
37
  ```
38
 
39
+ 3. **Download the Pretrained Model**:
40
+ Use the following code to load the Stable Diffusion model:
41
  ```python
 
42
  from diffusers import StableDiffusionPipeline
43
  import torch
44
 
45
+ # Load the Stable Diffusion model
 
 
46
  ArtifyAI_model = StableDiffusionPipeline.from_pretrained("CompVis/stable-diffusion-v1-4", torch_dtype=torch.float16)
47
 
48
  # Set model to GPU if available
 
95
  3. **Run the Project**: Use the code snippets provided in the notebook or above to generate images from text.
96
 
97
  4. **Save Your Work**: If you are using Google Colab, remember to save your models to Google Drive to keep your work.