1. परिचय
खास जानकारी
Cloud Run में हाल ही में जीपीयू की सुविधा जोड़ी गई है. यह वेटलिस्ट वाले Public Preview के तौर पर उपलब्ध है. अगर आपको यह सुविधा आज़मानी है, तो वेटलिस्ट में शामिल होने के लिए यह फ़ॉर्म भरें. Cloud Run, Google Cloud पर मौजूद एक कंटेनर प्लैटफ़ॉर्म है. इसकी मदद से, क्लस्टर को मैनेज किए बिना, कंटेनर में अपना कोड आसानी से चलाया जा सकता है.
फ़िलहाल, हम 24 जीबी वीआरएम वाले Nvidia L4 जीपीयू उपलब्ध कराते हैं. हर Cloud Run इंस्टेंस में एक जीपीयू होता है. साथ ही, Cloud Run की ऑटो स्केलिंग की सुविधा अब भी लागू होती है. इसमें, कोटा बढ़ाने की सुविधा के साथ पांच इंस्टेंस तक स्केल आउट करने के साथ-साथ, कोई अनुरोध न होने पर इंस्टेंस को शून्य तक स्केल डाउन करने की सुविधा भी शामिल है.
इस कोडलैब में, आपको TorchServe ऐप्लिकेशन बनाना और उसे डिप्लॉय करना होगा. यह ऐप्लिकेशन, टेक्स्ट प्रॉम्प्ट से इमेज जनरेट करने के लिए, स्टैबल डिफ़्यूज़न XL का इस्तेमाल करता है. जनरेट की गई इमेज, कॉल करने वाले को Base64 एन्कोड की गई स्ट्रिंग के तौर पर दी जाती है.
यह उदाहरण, Torchserve में Huggingface Diffusers का इस्तेमाल करके, स्टेबल डिफ़्यूज़न मॉडल चलाने पर आधारित है. इस कोडलैब में, Cloud Run के साथ काम करने के लिए, इस उदाहरण में बदलाव करने का तरीका बताया गया है.
आपको क्या सीखने को मिलेगा
- जीपीयू का इस्तेमाल करके, Cloud Run पर Stable Diffusion XL मॉडल को चलाने का तरीका
2. एपीआई चालू करना और एनवायरमेंट वैरिएबल सेट करना
इस कोडलैब का इस्तेमाल शुरू करने से पहले, आपको कई एपीआई चालू करने होंगे. इस कोडलैब के लिए, इन एपीआई का इस्तेमाल करना ज़रूरी है. इन एपीआई को चालू करने के लिए, यह कमांड चलाएं:
gcloud services enable run.googleapis.com \
storage.googleapis.com \
cloudbuild.googleapis.com
इसके बाद, एनवायरमेंट वैरिएबल सेट किए जा सकते हैं. इनका इस्तेमाल इस कोडलैब में किया जाएगा.
PROJECT_ID=<YOUR_PROJECT_ID> REPOSITORY=<YOUR_REPOSITORY_ID> NETWORK_NAME=default REGION=us-central1 IMAGE=us-central1-docker.pkg.dev/$PROJECT_ID/$REPOSITORY/gpu-torchserve
REPOSITORY के लिए सेट की गई वैल्यू, आर्टफ़ैक्ट रजिस्ट्री रिपॉज़िटरी के लिए होती है. यहां आपकी इमेज का बिल्ड सेव किया जाएगा. किसी मौजूदा खाते का इस्तेमाल किया जा सकता है या नया खाता बनाया जा सकता है:
gcloud artifacts repositories create $REPOSITORY \
--location=us-central1 \
--repository-format=docker
3. Torchserve ऐप्लिकेशन बनाना
सबसे पहले, सोर्स कोड के लिए एक डायरेक्ट्री बनाएं और उस डायरेक्ट्री में cd करें.
mkdir stable-diffusion-codelab && cd $_
config.properties फ़ाइल बनाएं. यह TorchServe के लिए कॉन्फ़िगरेशन फ़ाइल है.
inference_address=http://0.0.0.0:8080 enable_envvars_config=true min_workers=1 max_workers=1 default_workers_per_model=1 default_response_timeout=1000 load_models=all max_response_size=655350000 # to enable authorization, see https://github.com/pytorch/serve/blob/master/docs/token_authorization_api.md#how-to-set-and-disable-token-authorization disable_token_authorization=true
ध्यान दें कि इस उदाहरण में, Cloud Run पर काम करने के लिए, लिस्टनिंग पता http://0.0.0.0 का इस्तेमाल किया गया है. Cloud Run का डिफ़ॉल्ट पोर्ट 8080 है.
requirements.txt फ़ाइल बनाएं.
python-dotenv accelerate transformers diffusers numpy google-cloud-storage nvgpu
stable_diffusion_handler.py नाम की फ़ाइल बनाना
from abc import ABC
import base64
import datetime
import io
import logging
import os
from diffusers import StableDiffusionXLImg2ImgPipeline
from diffusers import StableDiffusionXLPipeline
from google.cloud import storage
import numpy as np
from PIL import Image
import torch
from ts.torch_handler.base_handler import BaseHandler
logger = logging.getLogger(__name__)
def image_to_base64(image: Image.Image) -> str:
"""Convert a PIL image to a base64 string."""
buffer = io.BytesIO()
image.save(buffer, format="JPEG")
image_str = base64.b64encode(buffer.getvalue()).decode("utf-8")
return image_str
class DiffusersHandler(BaseHandler, ABC):
"""Diffusers handler class for text to image generation."""
def __init__(self):
self.initialized = False
def initialize(self, ctx):
"""In this initialize function, the Stable Diffusion model is loaded and
initialized here.
Args:
ctx (context): It is a JSON Object containing information pertaining to
the model artifacts parameters.
"""
logger.info("Initialize DiffusersHandler")
self.manifest = ctx.manifest
properties = ctx.system_properties
model_dir = properties.get("model_dir")
model_name = os.environ["MODEL_NAME"]
model_refiner = os.environ["MODEL_REFINER"]
self.bucket = None
logger.info(
"GPU device count: %s",
torch.cuda.device_count(),
)
logger.info(
"select the GPU device, cuda is available: %s",
torch.cuda.is_available(),
)
self.device = torch.device(
"cuda:" + str(properties.get("gpu_id"))
if torch.cuda.is_available() and properties.get("gpu_id") is not None
else "cpu"
)
logger.info("Device used: %s", self.device)
# open the pipeline to the inferenece model
# this is generating the image
logger.info("Downloading model %s", model_name)
self.pipeline = StableDiffusionXLPipeline.from_pretrained(
model_name,
variant="fp16",
torch_dtype=torch.float16,
use_safetensors=True,
).to(self.device)
logger.info("done downloading model %s", model_name)
# open the pipeline to the refiner
# refiner is used to remove artifacts from the image
logger.info("Downloading refiner %s", model_refiner)
self.refiner = StableDiffusionXLImg2ImgPipeline.from_pretrained(
model_refiner,
variant="fp16",
torch_dtype=torch.float16,
use_safetensors=True,
).to(self.device)
logger.info("done downloading refiner %s", model_refiner)
self.n_steps = 40
self.high_noise_frac = 0.8
self.initialized = True
# Commonly used basic negative prompts.
logger.info("using negative_prompt")
self.negative_prompt = ("worst quality, normal quality, low quality, low res, blurry")
# this handles the user request
def preprocess(self, requests):
"""Basic text preprocessing, of the user's prompt.
Args:
requests (str): The Input data in the form of text is passed on to the
preprocess function.
Returns:
list : The preprocess function returns a list of prompts.
"""
logger.info("Process request started")
inputs = []
for _, data in enumerate(requests):
input_text = data.get("data")
if input_text is None:
input_text = data.get("body")
if isinstance(input_text, (bytes, bytearray)):
input_text = input_text.decode("utf-8")
logger.info("Received text: '%s'", input_text)
inputs.append(input_text)
return inputs
def inference(self, inputs):
"""Generates the image relevant to the received text.
Args:
input_batch (list): List of Text from the pre-process function is passed
here
Returns:
list : It returns a list of the generate images for the input text
"""
logger.info("Inference request started")
# Handling inference for sequence_classification.
image = self.pipeline(
prompt=inputs,
negative_prompt=self.negative_prompt,
num_inference_steps=self.n_steps,
denoising_end=self.high_noise_frac,
output_type="latent",
).images
logger.info("Done model")
image = self.refiner(
prompt=inputs,
negative_prompt=self.negative_prompt,
num_inference_steps=self.n_steps,
denoising_start=self.high_noise_frac,
image=image,
).images
logger.info("Done refiner")
return image
def postprocess(self, inference_output):
"""Post Process Function converts the generated image into Torchserve readable format.
Args:
inference_output (list): It contains the generated image of the input
text.
Returns:
(list): Returns a list of the images.
"""
logger.info("Post process request started")
images = []
response_size = 0
for image in inference_output:
# Save image to GCS
if self.bucket:
image.save("temp.jpg")
# Create a blob object
blob = self.bucket.blob(
datetime.datetime.now().strftime("%Y%m%d_%H%M%S") + ".jpg"
)
# Upload the file
blob.upload_from_filename("temp.jpg")
# to see the image, encode to base64
encoded = image_to_base64(image)
response_size += len(encoded)
images.append(encoded)
logger.info("Images %d, response size: %d", len(images), response_size)
return images
start.sh नाम की फ़ाइल बनाएं. TorchServe को शुरू करने के लिए, इस फ़ाइल का इस्तेमाल कंटेनर में एंट्रीपॉइंट के तौर पर किया जाता है.
#!/bin/bash
echo "starting the server"
# start the server. By default torchserve runs in backaround, and start.sh will immediately terminate when done
# so use --foreground to keep torchserve running in foreground while start.sh is running in a container
torchserve --start --ts-config config.properties --models "stable_diffusion=${MAR_FILE_NAME}.mar" --model-store ${MAR_STORE_PATH} --foreground
इसके बाद, इसे एक ऐसी फ़ाइल बनाएं जिसे चलाया जा सके. इसके लिए, यह कमांड चलाएं.
chmod 755 start.sh
dockerfile बनाएं.
# pick a version of torchserve to avoid any future breaking changes
# docker pull pytorch/torchserve:0.11.1-cpp-dev-gpu
FROM pytorch/torchserve:0.11.1-cpp-dev-gpu AS base
USER root
WORKDIR /home/model-server
COPY requirements.txt ./
RUN pip install --upgrade -r ./requirements.txt
# Stage 1 build the serving container.
FROM base AS serve-gcs
ENV MODEL_NAME='stabilityai/stable-diffusion-xl-base-1.0'
ENV MODEL_REFINER='stabilityai/stable-diffusion-xl-refiner-1.0'
ENV MAR_STORE_PATH='/home/model-server/model-store'
ENV MAR_FILE_NAME='model'
RUN mkdir -p $MAR_STORE_PATH
COPY config.properties ./
COPY stable_diffusion_handler.py ./
COPY start.sh ./
# creates the mar file used by torchserve
RUN torch-model-archiver --force --model-name ${MAR_FILE_NAME} --version 1.0 --handler stable_diffusion_handler.py -r requirements.txt --export-path ${MAR_STORE_PATH}
# entrypoint
CMD ["./start.sh"]
4. Cloud NAT सेटअप करना
Cloud NAT की मदद से, इंटरनेट को ऐक्सेस करने और HuggingFace से मॉडल डाउनलोड करने के लिए ज़्यादा बैंडविड्थ मिलती है. इससे, मॉडल को डिप्लॉय करने में लगने वाला समय काफ़ी कम हो जाता है.
Cloud NAT का इस्तेमाल करने के लिए, Cloud NAT इंस्टेंस चालू करने के लिए यह कमांड चलाएं:
gcloud compute routers create nat-router --network $NETWORK_NAME --region us-central1 gcloud compute routers nats create vm-nat --router=nat-router --region=us-central1 --auto-allocate-nat-external-ips --nat-all-subnet-ip-ranges
5. Cloud Run सेवा को बनाना और डिप्लॉय करना
Cloud Build में अपना कोड सबमिट करें.
gcloud builds submit --tag $IMAGE
इसके बाद, Cloud Run पर डिप्लॉय करें
gcloud beta run deploy gpu-torchserve \ --image=$IMAGE \ --cpu=8 --memory=32Gi \ --gpu=1 --no-cpu-throttling --gpu-type=nvidia-l4 \ --allow-unauthenticated \ --region us-central1 \ --project $PROJECT_ID \ --execution-environment=gen2 \ --max-instances 1 \ --network $NETWORK_NAME \ --vpc-egress all-traffic
6. सेवा की जांच करना
इस सेवा की जांच करने के लिए, नीचे दिए गए कमांड चलाएं:
PROMPT_TEXT="a cat sitting in a magnolia tree" SERVICE_URL=$(gcloud run services describe gpu-torchserve --region $REGION --format 'value(status.url)') time curl $SERVICE_URL/predictions/stable_diffusion -d "data=$PROMPT_TEXT" | base64 --decode > image.jpg
अगर Cloud Run को पुष्टि करने की ज़रूरत के लिए कॉन्फ़िगर किया गया है, तो curl कमांड में अनुमति वाले हेडर ज़रूर जोड़ें.
आपको अपनी मौजूदा डायरेक्ट्री में image.jpg फ़ाइल दिखेगी. पेड़ पर बैठी बिल्ली की इमेज देखने के लिए, Cloud Shell एडिटर में इमेज खोलें.
7. बधाई हो!
कोडलैब पूरा करने के लिए बधाई!
हमारा सुझाव है कि आप Cloud Run के जीपीयू से जुड़े दस्तावेज़ देखें.
हमने इस लेख में क्या-क्या बताया है
- जीपीयू का इस्तेमाल करके, Cloud Run पर Stable Diffusion XL मॉडल को चलाने का तरीका
8. व्यवस्थित करें
अनजाने में होने वाले शुल्कों से बचने के लिए, Cloud Run जॉब को मिटाएं या दूसरे चरण में बनाया गया प्रोजेक्ट मिटाएं. उदाहरण के लिए, अगर इस Cloud Run जॉब को बिना किसी शुल्क के इस्तेमाल किए जा सकने वाले टीयर में, हर महीने Cloud Run जॉब को इस्तेमाल करने के लिए तय किए गए कोटे से ज़्यादा बार इस्तेमाल किया जाता है, तो ऐसा हो सकता है कि आपसे शुल्क लिया जाए.
Cloud Run जॉब मिटाने के लिए, https://console.cloud.google.com/run/ पर जाकर, Cloud Run Cloud Console में जाएं और gpu-torchserve सेवा मिटाएं.
आपको Cloud NAT कॉन्फ़िगरेशन भी मिटाना होगा.
अगर आपको पूरा प्रोजेक्ट मिटाना है, तो https://console.cloud.google.com/cloud-resource-manager पर जाएं. इसके बाद, दूसरे चरण में बनाया गया प्रोजेक्ट चुनें और 'मिटाएं' को चुनें. प्रोजेक्ट मिटाने पर, आपको अपने Cloud SDK में प्रोजेक्ट बदलने होंगे. gcloud projects list चलाकर, सभी उपलब्ध प्रोजेक्ट की सूची देखी जा सकती है.