Đường ống TFX đơn giản cho Đường ống đỉnh

Hướng dẫn dựa trên sổ tay này sẽ tạo một đường dẫn TFX đơn giản và chạy nó bằng Google Cloud Vertex Pipelines. Máy tính xách tay này dựa trên đường ống TFX mà chúng tôi đã xây dựng trong Hướng dẫn về đường ống TFX đơn giản . Nếu bạn không quen thuộc với TFX và bạn chưa đọc hướng dẫn đó, bạn nên đọc nó trước khi tiếp tục với sổ tay này.

Google Cloud Vertex Pipelines giúp bạn tự động hóa, giám sát và quản lý hệ thống ML của mình bằng cách sắp xếp quy trình làm việc ML của bạn theo cách không có máy chủ. Bạn có thể xác định đường ống ML của mình bằng Python với TFX, sau đó thực thi đường ống của bạn trên Google Cloud. Xem phần giới thiệu về Đường ống Vertex để tìm hiểu thêm về Đường ống Vertex.

Máy tính xách tay này được thiết kế để chạy trên Google Colab hoặc trên Máy tính xách tay nền tảng AI . Nếu bạn không sử dụng một trong những cách này, bạn có thể chỉ cần nhấp vào nút "Chạy trong Google Colab" ở trên.

Cài đặt

Trước khi bạn chạy sổ ghi chép này, hãy đảm bảo rằng bạn đã làm theo các bước sau:

Vui lòng xem tài liệu Vertex để định cấu hình thêm dự án GCP của bạn.

Cài đặt gói python

Chúng tôi sẽ cài đặt các gói Python được yêu cầu bao gồm TFX và KFP để tác giả các đường ống ML và gửi công việc cho Vertex Pipelines.

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

Bạn có khởi động lại thời gian chạy không?

Nếu bạn đang sử dụng Google Colab, lần đầu tiên bạn chạy ô ở trên, bạn phải khởi động lại thời gian chạy bằng cách nhấp vào phía trên nút "RESTART RUNTIME" hoặc sử dụng menu "Runtime> Restart runtime ...". Điều này là do cách Colab tải các gói.

Nếu bạn không ở trên Colab, bạn có thể khởi động lại thời gian chạy bằng ô sau.

# 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)

Đăng nhập vào Google cho sổ tay này

Nếu bạn đang chạy sổ ghi chép này trên Colab, hãy xác thực bằng tài khoản người dùng của bạn:

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

Nếu bạn đang sử dụng Máy tính xách tay nền tảng AI , hãy xác thực với Google Cloud trước khi chạy phần tiếp theo, bằng cách chạy

gcloud auth login

trong cửa sổ Terminal (bạn có thể mở qua File > New trong menu). Bạn chỉ cần làm điều này một lần cho mỗi phiên bản sổ ghi chép.

Kiểm tra các phiên bản gói.

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

Thiết lập các biến

Chúng tôi sẽ thiết lập một số biến được sử dụng để tùy chỉnh các đường ống bên dưới. Thông tin sau là bắt buộc:

Nhập các giá trị bắt buộc vào ô bên dưới trước khi chạy nó .

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.

Đặt gcloud để sử dụng dự án của bạn.

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

Chuẩn bị dữ liệu mẫu

Chúng tôi sẽ sử dụng cùng một bộ dữ liệu Palmer Penguins như Hướng dẫn sử dụng đường ống TFX đơn giản .

Có bốn tính năng số trong tập dữ liệu này đã được chuẩn hóa để có phạm vi [0,1]. Chúng tôi sẽ xây dựng một mô hình phân loại dự đoán species chim cánh cụt.

Chúng tôi cần tạo bản sao tập dữ liệu của riêng mình. Vì TFX ExampleGen đọc đầu vào từ một thư mục, chúng ta cần tạo một thư mục và sao chép tập dữ liệu vào nó trên 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/".

Hãy xem nhanh tệp 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".

Tạo một đường dẫn

Các đường ống TFX được xác định bằng cách sử dụng các API Python. Chúng tôi sẽ xác định một đường ống bao gồm ba thành phần, CsvExampleGen, Trainer và Pusher. Định nghĩa đường ống và mô hình gần giống như Hướng dẫn về đường ống TFX đơn giản .

Sự khác biệt duy nhất là chúng ta không cần đặt metadata_connection_config được sử dụng để định vị cơ sở dữ liệu ML Metadata . Vì Vertex Pipelines sử dụng dịch vụ siêu dữ liệu được quản lý nên người dùng không cần quan tâm đến nó và chúng tôi không cần chỉ định tham số.

Trước khi thực sự xác định đường ống, trước tiên chúng ta cần viết mã mô hình cho thành phần Trainer.

Viết mã mô hình.

Chúng tôi sẽ sử dụng cùng một mã kiểu như trong Hướng dẫn sử dụng đường ống TFX đơn giản .

_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

Sao chép tệp mô-đun sang GCS có thể được truy cập từ các thành phần đường ống. Vì quá trình đào tạo mô hình diễn ra trên GCP nên chúng tôi cần tải lên định nghĩa mô hình này.

Nếu không, bạn có thể muốn xây dựng hình ảnh vùng chứa bao gồm tệp mô-đun và sử dụng hình ảnh để chạy đường dẫn.

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/".

Viết định nghĩa đường ống

Chúng tôi sẽ xác định một chức năng để tạo một đường ống 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)

Chạy đường ống trên Vertex Pipelines.

Chúng tôi đã sử dụng LocalDagRunner chạy trên môi trường cục bộ trong Hướng dẫn về đường ống TFX đơn giản . TFX cung cấp nhiều bộ điều phối để chạy đường dẫn của bạn. Trong hướng dẫn này, chúng ta sẽ sử dụng Vertex Pipelines cùng với Kubeflow V2 dag runner.

Chúng ta cần xác định một người chạy để thực sự chạy đường ống. Bạn sẽ biên dịch đường ống của mình sang định dạng định nghĩa đường ống của chúng tôi bằng cách sử dụng API TFX.

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))

Tệp định nghĩa đã tạo có thể được gửi bằng ứng dụng khách 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)

Bây giờ bạn có thể truy cập 'Vertex AI> Pipelines' trong Google Cloud Console để xem tiến trình.