ভার্টেক্স পাইপলাইনের জন্য সহজ TFX পাইপলাইন

এই নোটবুক-ভিত্তিক টিউটোরিয়ালটি একটি সাধারণ TFX পাইপলাইন তৈরি করবে এবং Google ক্লাউড ভার্টেক্স পাইপলাইন ব্যবহার করে এটি চালাবে। এই নোটবুকটি TFX পাইপলাইনের উপর ভিত্তি করে তৈরি করা হয়েছে যা আমরা সাধারণ TFX পাইপলাইন টিউটোরিয়াল -এ তৈরি করেছি। আপনি যদি TFX এর সাথে পরিচিত না হন এবং আপনি এখনও সেই টিউটোরিয়ালটি পড়েননি, তাহলে এই নোটবুকটি নিয়ে এগিয়ে যাওয়ার আগে আপনার এটি পড়া উচিত।

Google ক্লাউড ভার্টেক্স পাইপলাইনগুলি আপনাকে সার্ভারহীন পদ্ধতিতে আপনার ML ওয়ার্কফ্লো অর্কেস্ট্রেট করে আপনার ML সিস্টেমগুলিকে স্বয়ংক্রিয়, নিরীক্ষণ এবং পরিচালনা করতে সহায়তা করে৷ আপনি TFX এর সাথে পাইথন ব্যবহার করে আপনার ML পাইপলাইনগুলি সংজ্ঞায়িত করতে পারেন এবং তারপর Google ক্লাউডে আপনার পাইপলাইনগুলি চালাতে পারেন৷ ভার্টেক্স পাইপলাইন সম্পর্কে আরও জানতে ভার্টেক্স পাইপলাইন ভূমিকা দেখুন।

এই নোটবুকটি Google Colab বা AI প্ল্যাটফর্ম নোটবুকে চালানোর উদ্দেশ্যে তৈরি করা হয়েছে। আপনি যদি এর মধ্যে একটি ব্যবহার না করে থাকেন, তাহলে আপনি উপরের "Google Colab-এ চালান" বোতামে ক্লিক করতে পারেন।

সেট আপ করুন

আপনি এই নোটবুকটি চালানোর আগে, নিশ্চিত করুন যে আপনার নিম্নলিখিতগুলি রয়েছে:

আপনার GCP প্রকল্পকে আরও কনফিগার করতে অনুগ্রহ করে Vertex ডকুমেন্টেশন দেখুন।

পাইথন প্যাকেজ ইনস্টল করুন

আমরা ML পাইপলাইন লেখকের কাছে TFX এবং KFP সহ প্রয়োজনীয় পাইথন প্যাকেজ ইনস্টল করব এবং Vertex পাইপলাইনে চাকরি জমা দেব।

# Use the latest version of pip.
pip install --upgrade pip
pip install --upgrade "tfx[kfp]<2"

আপনি কি রানটাইম রিস্টার্ট করেছেন?

আপনি যদি Google Colab ব্যবহার করেন, প্রথমবার যখন আপনি উপরের সেলটি চালান, তাহলে আপনাকে অবশ্যই উপরে "রিস্টার্ট RUNTIME" বোতামে ক্লিক করে বা "রানটাইম > রানটাইম রিস্টার্ট..." মেনু ব্যবহার করে রানটাইম রিস্টার্ট করতে হবে। Colab যেভাবে প্যাকেজগুলি লোড করে তার কারণেই এটি হয়েছে৷

আপনি Colab-এ না থাকলে, নিম্নলিখিত সেল দিয়ে রানটাইম রিস্টার্ট করতে পারেন।

# docs_infra: no_execute
import sys
if not 'google.colab' in sys.modules:
  # Automatically restart kernel after installs
  import IPython
  app = IPython.Application.instance()
  app.kernel.do_shutdown(True)

এই নোটবুকের জন্য গুগলে লগ ইন করুন

আপনি যদি Colab-এ এই নোটবুকটি চালান, তাহলে আপনার ব্যবহারকারীর অ্যাকাউন্ট দিয়ে প্রমাণীকরণ করুন:

import sys
if 'google.colab' in sys.modules:
  from google.colab import auth
  auth.authenticate_user()

আপনি যদি AI প্ল্যাটফর্ম নোটবুকগুলিতে থাকেন , তাহলে পরবর্তী বিভাগটি চালানোর আগে Google ক্লাউড দিয়ে প্রমাণীকরণ করুন

gcloud auth login

টার্মিনাল উইন্ডোতে (যা আপনি ফাইলের মাধ্যমে খুলতে পারেন > মেনুতে নতুন )। আপনি শুধুমাত্র নোটবুক উদাহরণ প্রতি একবার এটি করতে হবে.

প্যাকেজ সংস্করণ পরীক্ষা করুন.

import tensorflow as tf
print('TensorFlow version: {}'.format(tf.__version__))
from tfx import v1 as tfx
print('TFX version: {}'.format(tfx.__version__))
import kfp
print('KFP version: {}'.format(kfp.__version__))
TensorFlow version: 2.7.1
TFX version: 1.6.0
KFP version: 1.8.11

ভেরিয়েবল সেট আপ করুন

আমরা নীচের পাইপলাইনগুলি কাস্টমাইজ করতে ব্যবহৃত কিছু ভেরিয়েবল সেট আপ করব। নিম্নলিখিত তথ্য প্রয়োজন:

এটি চালানোর আগে নীচের ঘরে প্রয়োজনীয় মানগুলি লিখুন

GOOGLE_CLOUD_PROJECT = ''     # <--- ENTER THIS
GOOGLE_CLOUD_REGION = ''      # <--- ENTER THIS
GCS_BUCKET_NAME = ''          # <--- ENTER THIS

if not (GOOGLE_CLOUD_PROJECT and GOOGLE_CLOUD_REGION and GCS_BUCKET_NAME):
    from absl import logging
    logging.error('Please set all required parameters.')
ERROR:absl:Please set all required parameters.

আপনার প্রকল্প ব্যবহার করতে gcloud সেট করুন।

gcloud config set project {GOOGLE_CLOUD_PROJECT}
ERROR: (gcloud.config.set) argument VALUE: Must be specified.
Usage: gcloud config set SECTION/PROPERTY VALUE [optional flags]
  optional flags may be  --help | --installation

For detailed information on this command and its flags, run:
  gcloud config set --help
PIPELINE_NAME = 'penguin-vertex-pipelines'

# Path to various pipeline artifact.
PIPELINE_ROOT = 'gs://{}/pipeline_root/{}'.format(
    GCS_BUCKET_NAME, PIPELINE_NAME)

# Paths for users' Python module.
MODULE_ROOT = 'gs://{}/pipeline_module/{}'.format(
    GCS_BUCKET_NAME, PIPELINE_NAME)

# Paths for input data.
DATA_ROOT = 'gs://{}/data/{}'.format(GCS_BUCKET_NAME, PIPELINE_NAME)

# This is the path where your model will be pushed for serving.
SERVING_MODEL_DIR = 'gs://{}/serving_model/{}'.format(
    GCS_BUCKET_NAME, PIPELINE_NAME)

print('PIPELINE_ROOT: {}'.format(PIPELINE_ROOT))
PIPELINE_ROOT: gs:///pipeline_root/penguin-vertex-pipelines

উদাহরণ ডেটা প্রস্তুত করুন

আমরা সাধারণ TFX পাইপলাইন টিউটোরিয়াল হিসাবে একই পামার পেঙ্গুইন ডেটাসেট ব্যবহার করব।

এই ডেটাসেটে চারটি সংখ্যাসূচক বৈশিষ্ট্য রয়েছে যা ইতিমধ্যেই পরিসীমা [0,1] থাকার জন্য স্বাভাবিক করা হয়েছে। আমরা একটি শ্রেণিবিন্যাস মডেল তৈরি করব যা পেঙ্গুইনের species পূর্বাভাস দেয়।

আমাদের ডেটাসেটের নিজস্ব কপি তৈরি করতে হবে। যেহেতু TFX ExampleGen একটি ডিরেক্টরি থেকে ইনপুট পড়ে, আমাদের একটি ডিরেক্টরি তৈরি করতে হবে এবং GCS-এ ডেটাসেট কপি করতে হবে।

gsutil cp gs://download.tensorflow.org/data/palmer_penguins/penguins_processed.csv {DATA_ROOT}/
InvalidUrlError: Cloud URL scheme should be followed by colon and two slashes: "://". Found: "gs:///data/penguin-vertex-pipelines/".

CSV ফাইলটি দ্রুত দেখে নিন।

gsutil cat {DATA_ROOT}/penguins_processed.csv | head
InvalidUrlError: Cloud URL scheme should be followed by colon and two slashes: "://". Found: "gs:///data/penguin-vertex-pipelines/penguins_processed.csv".

একটি পাইপলাইন তৈরি করুন

TFX পাইপলাইনগুলি Python API ব্যবহার করে সংজ্ঞায়িত করা হয়। আমরা একটি পাইপলাইন সংজ্ঞায়িত করব যা তিনটি উপাদান নিয়ে গঠিত, CsvExampleGen, Trainer এবং Pusher। পাইপলাইন এবং মডেলের সংজ্ঞা প্রায় সাধারণ TFX পাইপলাইন টিউটোরিয়ালের মতই।

শুধুমাত্র পার্থক্য হল যে আমাদের metadata_connection_config সেট করার দরকার নেই যা ML মেটাডেটা ডাটাবেস সনাক্ত করতে ব্যবহৃত হয়। যেহেতু Vertex Pipelines একটি পরিচালিত মেটাডেটা পরিষেবা ব্যবহার করে, ব্যবহারকারীদের এটির যত্ন নেওয়ার দরকার নেই এবং আমাদের প্যারামিটারটি নির্দিষ্ট করার দরকার নেই৷

আসলে পাইপলাইন সংজ্ঞায়িত করার আগে, আমাদের প্রথমে প্রশিক্ষক উপাদানের জন্য একটি মডেল কোড লিখতে হবে।

মডেল কোড লিখুন।

আমরা সাধারণ TFX পাইপলাইন টিউটোরিয়ালের মতো একই মডেল কোড ব্যবহার করব।

_trainer_module_file = 'penguin_trainer.py'
%%writefile {_trainer_module_file}

# Copied from https://www.tensorflow.org/tfx/tutorials/tfx/penguin_simple

from typing import List
from absl import logging
import tensorflow as tf
from tensorflow import keras
from tensorflow_transform.tf_metadata import schema_utils


from tfx import v1 as tfx
from tfx_bsl.public import tfxio

from tensorflow_metadata.proto.v0 import schema_pb2

_FEATURE_KEYS = [
    'culmen_length_mm', 'culmen_depth_mm', 'flipper_length_mm', 'body_mass_g'
]
_LABEL_KEY = 'species'

_TRAIN_BATCH_SIZE = 20
_EVAL_BATCH_SIZE = 10

# Since we're not generating or creating a schema, we will instead create
# a feature spec.  Since there are a fairly small number of features this is
# manageable for this dataset.
_FEATURE_SPEC = {
    **{
        feature: tf.io.FixedLenFeature(shape=[1], dtype=tf.float32)
           for feature in _FEATURE_KEYS
       },
    _LABEL_KEY: tf.io.FixedLenFeature(shape=[1], dtype=tf.int64)
}


def _input_fn(file_pattern: List[str],
              data_accessor: tfx.components.DataAccessor,
              schema: schema_pb2.Schema,
              batch_size: int) -> tf.data.Dataset:
  """Generates features and label for training.

  Args:
    file_pattern: List of paths or patterns of input tfrecord files.
    data_accessor: DataAccessor for converting input to RecordBatch.
    schema: schema of the input data.
    batch_size: representing the number of consecutive elements of returned
      dataset to combine in a single batch

  Returns:
    A dataset that contains (features, indices) tuple where features is a
      dictionary of Tensors, and indices is a single Tensor of label indices.
  """
  return data_accessor.tf_dataset_factory(
      file_pattern,
      tfxio.TensorFlowDatasetOptions(
          batch_size=batch_size, label_key=_LABEL_KEY),
      schema=schema).repeat()


def _make_keras_model() -> tf.keras.Model:
  """Creates a DNN Keras model for classifying penguin data.

  Returns:
    A Keras Model.
  """
  # The model below is built with Functional API, please refer to
  # https://www.tensorflow.org/guide/keras/overview for all API options.
  inputs = [keras.layers.Input(shape=(1,), name=f) for f in _FEATURE_KEYS]
  d = keras.layers.concatenate(inputs)
  for _ in range(2):
    d = keras.layers.Dense(8, activation='relu')(d)
  outputs = keras.layers.Dense(3)(d)

  model = keras.Model(inputs=inputs, outputs=outputs)
  model.compile(
      optimizer=keras.optimizers.Adam(1e-2),
      loss=tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True),
      metrics=[keras.metrics.SparseCategoricalAccuracy()])

  model.summary(print_fn=logging.info)
  return model


# TFX Trainer will call this function.
def run_fn(fn_args: tfx.components.FnArgs):
  """Train the model based on given args.

  Args:
    fn_args: Holds args used to train the model as name/value pairs.
  """

  # This schema is usually either an output of SchemaGen or a manually-curated
  # version provided by pipeline author. A schema can also derived from TFT
  # graph if a Transform component is used. In the case when either is missing,
  # `schema_from_feature_spec` could be used to generate schema from very simple
  # feature_spec, but the schema returned would be very primitive.
  schema = schema_utils.schema_from_feature_spec(_FEATURE_SPEC)

  train_dataset = _input_fn(
      fn_args.train_files,
      fn_args.data_accessor,
      schema,
      batch_size=_TRAIN_BATCH_SIZE)
  eval_dataset = _input_fn(
      fn_args.eval_files,
      fn_args.data_accessor,
      schema,
      batch_size=_EVAL_BATCH_SIZE)

  model = _make_keras_model()
  model.fit(
      train_dataset,
      steps_per_epoch=fn_args.train_steps,
      validation_data=eval_dataset,
      validation_steps=fn_args.eval_steps)

  # The result of the training should be saved in `fn_args.serving_model_dir`
  # directory.
  model.save(fn_args.serving_model_dir, save_format='tf')
Writing penguin_trainer.py

মডিউল ফাইলটি GCS-এ অনুলিপি করুন যা পাইপলাইনের উপাদানগুলি থেকে অ্যাক্সেস করা যেতে পারে। যেহেতু মডেল প্রশিক্ষণ GCP-তে হয়, তাই আমাদের এই মডেল সংজ্ঞা আপলোড করতে হবে।

অন্যথায়, আপনি মডিউল ফাইল সহ একটি ধারক চিত্র তৈরি করতে এবং পাইপলাইন চালানোর জন্য চিত্রটি ব্যবহার করতে চাইতে পারেন।

gsutil cp {_trainer_module_file} {MODULE_ROOT}/
InvalidUrlError: Cloud URL scheme should be followed by colon and two slashes: "://". Found: "gs:///pipeline_module/penguin-vertex-pipelines/".

পাইপলাইনের সংজ্ঞা লিখ

আমরা একটি TFX পাইপলাইন তৈরি করার জন্য একটি ফাংশন সংজ্ঞায়িত করব।

# Copied from https://www.tensorflow.org/tfx/tutorials/tfx/penguin_simple and
# slightly modified because we don't need `metadata_path` argument.

def _create_pipeline(pipeline_name: str, pipeline_root: str, data_root: str,
                     module_file: str, serving_model_dir: str,
                     ) -> tfx.dsl.Pipeline:
  """Creates a three component penguin pipeline with TFX."""
  # Brings data into the pipeline.
  example_gen = tfx.components.CsvExampleGen(input_base=data_root)

  # Uses user-provided Python function that trains a model.
  trainer = tfx.components.Trainer(
      module_file=module_file,
      examples=example_gen.outputs['examples'],
      train_args=tfx.proto.TrainArgs(num_steps=100),
      eval_args=tfx.proto.EvalArgs(num_steps=5))

  # Pushes the model to a filesystem destination.
  pusher = tfx.components.Pusher(
      model=trainer.outputs['model'],
      push_destination=tfx.proto.PushDestination(
          filesystem=tfx.proto.PushDestination.Filesystem(
              base_directory=serving_model_dir)))

  # Following three components will be included in the pipeline.
  components = [
      example_gen,
      trainer,
      pusher,
  ]

  return tfx.dsl.Pipeline(
      pipeline_name=pipeline_name,
      pipeline_root=pipeline_root,
      components=components)

ভার্টেক্স পাইপলাইনে পাইপলাইন চালান।

আমরা LocalDagRunner ব্যবহার করেছি যা সাধারণ TFX পাইপলাইন টিউটোরিয়ালে স্থানীয় পরিবেশে চলে। আপনার পাইপলাইন চালানোর জন্য TFX একাধিক অর্কেস্ট্রেটর প্রদান করে। এই টিউটোরিয়ালে আমরা Kubeflow V2 dag রানারের সাথে Vertex Pipelines একসাথে ব্যবহার করব।

আমাদের আসলে পাইপলাইন চালানোর জন্য একজন রানারকে সংজ্ঞায়িত করতে হবে। আপনি TFX API ব্যবহার করে আমাদের পাইপলাইন সংজ্ঞা বিন্যাসে আপনার পাইপলাইন কম্পাইল করবেন।

import os

PIPELINE_DEFINITION_FILE = PIPELINE_NAME + '_pipeline.json'

runner = tfx.orchestration.experimental.KubeflowV2DagRunner(
    config=tfx.orchestration.experimental.KubeflowV2DagRunnerConfig(),
    output_filename=PIPELINE_DEFINITION_FILE)
# Following function will write the pipeline definition to PIPELINE_DEFINITION_FILE.
_ = runner.run(
    _create_pipeline(
        pipeline_name=PIPELINE_NAME,
        pipeline_root=PIPELINE_ROOT,
        data_root=DATA_ROOT,
        module_file=os.path.join(MODULE_ROOT, _trainer_module_file),
        serving_model_dir=SERVING_MODEL_DIR))

উত্পন্ন সংজ্ঞা ফাইল kfp ক্লায়েন্ট ব্যবহার করে জমা দেওয়া যেতে পারে.

# docs_infra: no_execute
from google.cloud import aiplatform
from google.cloud.aiplatform import pipeline_jobs

aiplatform.init(project=GOOGLE_CLOUD_PROJECT, location=GOOGLE_CLOUD_REGION)

job = pipeline_jobs.PipelineJob(template_path=PIPELINE_DEFINITION_FILE,
                                display_name=PIPELINE_NAME)
job.run(sync=False)

এখন আপনি অগ্রগতি দেখতে Google ক্লাউড কনসোলে 'Vertex AI > Pipelines'-এ যেতে পারেন।