Skip to content

Commit 034e49f

Browse files
IronPank8s-ci-robot
authored andcommitted
update (#1021)
1 parent f98ec68 commit 034e49f

File tree

21 files changed

+49
-49
lines changed

21 files changed

+49
-49
lines changed

components/gcp/bigquery/query/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -50,7 +50,7 @@ outputs:
5050
type: GCSPath
5151
implementation:
5252
container:
53-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
53+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
5454
args: [
5555
kfp_component.google.bigquery, query,
5656
--query, {inputValue: query},

components/gcp/dataflow/launch_python/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -48,7 +48,7 @@ outputs:
4848
type: String
4949
implementation:
5050
container:
51-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
51+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
5252
args: [
5353
kfp_component.google.dataflow, launch_python,
5454
--python_file_path, {inputValue: python_file_path},

components/gcp/dataflow/launch_template/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -58,7 +58,7 @@ outputs:
5858
type: String
5959
implementation:
6060
container:
61-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
61+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
6262
args: [
6363
kfp_component.google.dataflow, launch_template,
6464
--project_id, {inputValue: project_id},

components/gcp/dataproc/create_cluster/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -65,7 +65,7 @@ outputs:
6565
type: String
6666
implementation:
6767
container:
68-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
68+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
6969
args: [
7070
kfp_component.google.dataproc, create_cluster,
7171
--project_id, {inputValue: project_id},

components/gcp/dataproc/delete_cluster/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -33,7 +33,7 @@ inputs:
3333
type: Integer
3434
implementation:
3535
container:
36-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
36+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
3737
args: [
3838
kfp_component.google.dataproc, delete_cluster,
3939
--project_id, {inputValue: project_id},

components/gcp/dataproc/submit_hadoop_job/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -75,7 +75,7 @@ outputs:
7575
type: String
7676
implementation:
7777
container:
78-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
78+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
7979
args: [
8080
kfp_component.google.dataproc, submit_hadoop_job,
8181
--project_id, {inputValue: project_id},

components/gcp/dataproc/submit_hive_job/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -70,7 +70,7 @@ outputs:
7070
type: String
7171
implementation:
7272
container:
73-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
73+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
7474
args: [
7575
kfp_component.google.dataproc, submit_hive_job,
7676
--project_id, {inputValue: project_id},

components/gcp/dataproc/submit_pig_job/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -70,7 +70,7 @@ outputs:
7070
type: String
7171
implementation:
7272
container:
73-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
73+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
7474
args: [
7575
kfp_component.google.dataproc, submit_pig_job,
7676
--project_id, {inputValue: project_id},

components/gcp/dataproc/submit_pyspark_job/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -64,7 +64,7 @@ outputs:
6464
type: String
6565
implementation:
6666
container:
67-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
67+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
6868
args: [
6969
kfp_component.google.dataproc, submit_pyspark_job,
7070
--project_id, {inputValue: project_id},

components/gcp/dataproc/submit_spark_job/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -71,7 +71,7 @@ outputs:
7171
type: String
7272
implementation:
7373
container:
74-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
74+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
7575
args: [
7676
kfp_component.google.dataproc, submit_spark_job,
7777
--project_id, {inputValue: project_id},

components/gcp/dataproc/submit_sparksql_job/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -70,7 +70,7 @@ outputs:
7070
type: String
7171
implementation:
7272
container:
73-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
73+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
7474
args: [
7575
kfp_component.google.dataproc, submit_sparksql_job,
7676
--project_id, {inputValue: project_id},

components/gcp/ml_engine/batch_predict/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -64,7 +64,7 @@ outputs:
6464
type: String
6565
implementation:
6666
container:
67-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
67+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
6868
args: [
6969
kfp_component.google.ml_engine, batch_predict,
7070
--project_id, {inputValue: project_id},

components/gcp/ml_engine/deploy/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -79,7 +79,7 @@ outputs:
7979
type: String
8080
implementation:
8181
container:
82-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
82+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
8383
args: [
8484
kfp_component.google.ml_engine, deploy,
8585
--model_uri, {inputValue: model_uri},

components/gcp/ml_engine/train/component.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -91,7 +91,7 @@ outputs:
9191
type: GCSPath
9292
implementation:
9393
container:
94-
image: gcr.io/ml-pipeline/ml-pipeline-gcp:latest
94+
image: gcr.io/ml-pipeline/ml-pipeline-gcp:f98ec68488cfbac022893a87c5bca083f03f2065
9595
args: [
9696
kfp_component.google.ml_engine, train,
9797
--project_id, {inputValue: project_id},

components/kubeflow/launcher/kubeflow_tfjob_launcher_op.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -17,7 +17,7 @@
1717
def kubeflow_tfjob_launcher_op(container_image, command, number_of_workers: int, number_of_parameter_servers: int, tfjob_timeout_minutes: int, output_dir=None, step_name='TFJob-launcher'):
1818
return dsl.ContainerOp(
1919
name = step_name,
20-
image = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf:7775692adf28d6f79098e76e839986c9ee55dd61',
20+
image = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf:f98ec68488cfbac022893a87c5bca083f03f2065',
2121
arguments = [
2222
'--workers', number_of_workers,
2323
'--pss', number_of_parameter_servers,

components/kubeflow/launcher/src/train.template.yaml

+3-3
Original file line numberDiff line numberDiff line change
@@ -26,7 +26,7 @@ spec:
2626
spec:
2727
containers:
2828
- name: tensorflow
29-
image: gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer:7775692adf28d6f79098e76e839986c9ee55dd61
29+
image: gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer:f98ec68488cfbac022893a87c5bca083f03f2065
3030
command:
3131
- python
3232
- -m
@@ -49,7 +49,7 @@ spec:
4949
spec:
5050
containers:
5151
- name: tensorflow
52-
image: gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer:7775692adf28d6f79098e76e839986c9ee55dd61
52+
image: gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer:f98ec68488cfbac022893a87c5bca083f03f2065
5353
command:
5454
- python
5555
- -m
@@ -72,7 +72,7 @@ spec:
7272
spec:
7373
containers:
7474
- name: tensorflow
75-
image: gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer:7775692adf28d6f79098e76e839986c9ee55dd61
75+
image: gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer:f98ec68488cfbac022893a87c5bca083f03f2065
7676
command:
7777
- python
7878
- -m

samples/kubeflow-tf/kubeflow-training-classification.py

+5-5
Original file line numberDiff line numberDiff line change
@@ -21,7 +21,7 @@
2121
def dataflow_tf_transform_op(train_data: 'GcsUri', evaluation_data: 'GcsUri', schema: 'GcsUri[text/json]', project: 'GcpProject', preprocess_mode, preprocess_module: 'GcsUri[text/code/python]', transform_output: 'GcsUri[Directory]', step_name='preprocess'):
2222
return dsl.ContainerOp(
2323
name = step_name,
24-
image = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tft:7775692adf28d6f79098e76e839986c9ee55dd61',
24+
image = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tft:f98ec68488cfbac022893a87c5bca083f03f2065',
2525
arguments = [
2626
'--train', train_data,
2727
'--eval', evaluation_data,
@@ -38,7 +38,7 @@ def dataflow_tf_transform_op(train_data: 'GcsUri', evaluation_data: 'GcsUri', sc
3838
def kubeflow_tf_training_op(transformed_data_dir, schema: 'GcsUri[text/json]', learning_rate: float, hidden_layer_size: int, steps: int, target, preprocess_module: 'GcsUri[text/code/python]', training_output: 'GcsUri[Directory]', step_name='training', use_gpu=False):
3939
kubeflow_tf_training_op = dsl.ContainerOp(
4040
name = step_name,
41-
image = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer:7775692adf28d6f79098e76e839986c9ee55dd61',
41+
image = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer:f98ec68488cfbac022893a87c5bca083f03f2065',
4242
arguments = [
4343
'--transformed-data-dir', transformed_data_dir,
4444
'--schema', schema,
@@ -52,15 +52,15 @@ def kubeflow_tf_training_op(transformed_data_dir, schema: 'GcsUri[text/json]', l
5252
file_outputs = {'train': '/output.txt'}
5353
)
5454
if use_gpu:
55-
kubeflow_tf_training_op.image = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer-gpu:7775692adf28d6f79098e76e839986c9ee55dd61'
55+
kubeflow_tf_training_op.image = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer-gpu:f98ec68488cfbac022893a87c5bca083f03f2065'
5656
kubeflow_tf_training_op.set_gpu_limit(1)
5757

5858
return kubeflow_tf_training_op
5959

6060
def dataflow_tf_predict_op(evaluation_data: 'GcsUri', schema: 'GcsUri[text/json]', target: str, model: 'TensorFlow model', predict_mode, project: 'GcpProject', prediction_output: 'GcsUri', step_name='prediction'):
6161
return dsl.ContainerOp(
6262
name = step_name,
63-
image = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tf-predict:7775692adf28d6f79098e76e839986c9ee55dd61',
63+
image = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tf-predict:f98ec68488cfbac022893a87c5bca083f03f2065',
6464
arguments = [
6565
'--data', evaluation_data,
6666
'--schema', schema,
@@ -76,7 +76,7 @@ def dataflow_tf_predict_op(evaluation_data: 'GcsUri', schema: 'GcsUri[text/json]
7676
def confusion_matrix_op(predictions, output, step_name='confusionmatrix'):
7777
return dsl.ContainerOp(
7878
name = step_name,
79-
image = 'gcr.io/ml-pipeline/ml-pipeline-local-confusion-matrix:7775692adf28d6f79098e76e839986c9ee55dd61',
79+
image = 'gcr.io/ml-pipeline/ml-pipeline-local-confusion-matrix:f98ec68488cfbac022893a87c5bca083f03f2065',
8080
arguments = [
8181
'--predictions', predictions,
8282
'--output', output,

samples/notebooks/KubeFlow Pipeline Using TFX OSS Components.ipynb

+7-7
Original file line numberDiff line numberDiff line change
@@ -44,13 +44,13 @@
4444
"EVAL_DATA = 'gs://ml-pipeline-playground/tfx/taxi-cab-classification/eval.csv'\n",
4545
"HIDDEN_LAYER_SIZE = '1500'\n",
4646
"STEPS = 3000\n",
47-
"DATAFLOW_TFDV_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tfdv:7775692adf28d6f79098e76e839986c9ee55dd61'\n",
48-
"DATAFLOW_TFT_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tft:7775692adf28d6f79098e76e839986c9ee55dd61'\n",
49-
"DATAFLOW_TFMA_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tfma:7775692adf28d6f79098e76e839986c9ee55dd61'\n",
50-
"DATAFLOW_TF_PREDICT_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tf-predict:7775692adf28d6f79098e76e839986c9ee55dd61'\n",
51-
"KUBEFLOW_TF_TRAINER_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer:7775692adf28d6f79098e76e839986c9ee55dd61'\n",
52-
"KUBEFLOW_TF_TRAINER_GPU_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer-gpu:7775692adf28d6f79098e76e839986c9ee55dd61'\n",
53-
"KUBEFLOW_DEPLOYER_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-deployer:7775692adf28d6f79098e76e839986c9ee55dd61'\n",
47+
"DATAFLOW_TFDV_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tfdv:f98ec68488cfbac022893a87c5bca083f03f2065'\n",
48+
"DATAFLOW_TFT_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tft:f98ec68488cfbac022893a87c5bca083f03f2065'\n",
49+
"DATAFLOW_TFMA_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tfma:f98ec68488cfbac022893a87c5bca083f03f2065'\n",
50+
"DATAFLOW_TF_PREDICT_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tf-predict:f98ec68488cfbac022893a87c5bca083f03f2065'\n",
51+
"KUBEFLOW_TF_TRAINER_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer:f98ec68488cfbac022893a87c5bca083f03f2065'\n",
52+
"KUBEFLOW_TF_TRAINER_GPU_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer-gpu:f98ec68488cfbac022893a87c5bca083f03f2065'\n",
53+
"KUBEFLOW_DEPLOYER_IMAGE = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-deployer:f98ec68488cfbac022893a87c5bca083f03f2065'\n",
5454
"DEPLOYER_MODEL = 'notebook_tfx_taxi'\n",
5555
"DEPLOYER_VERSION_DEV = 'dev'\n",
5656
"DEPLOYER_VERSION_PROD = 'prod'\n",

samples/resnet-cmle/resnet-train-pipeline.py

+3-3
Original file line numberDiff line numberDiff line change
@@ -22,7 +22,7 @@ def resnet_preprocess_op(project_id: 'GcpProject', output: 'GcsUri', train_csv:
2222
validation_csv: 'GcsUri[text/csv]', labels, step_name='preprocess'):
2323
return dsl.ContainerOp(
2424
name = step_name,
25-
image = 'gcr.io/ml-pipeline/resnet-preprocess:7775692adf28d6f79098e76e839986c9ee55dd61',
25+
image = 'gcr.io/ml-pipeline/resnet-preprocess:f98ec68488cfbac022893a87c5bca083f03f2065',
2626
arguments = [
2727
'--project_id', project_id,
2828
'--output', output,
@@ -38,7 +38,7 @@ def resnet_train_op(data_dir, output: 'GcsUri', region: 'GcpRegion', depth: int,
3838
num_eval_images: int, num_label_classes: int, tf_version, step_name='train'):
3939
return dsl.ContainerOp(
4040
name = step_name,
41-
image = 'gcr.io/ml-pipeline/resnet-train:7775692adf28d6f79098e76e839986c9ee55dd61',
41+
image = 'gcr.io/ml-pipeline/resnet-train:f98ec68488cfbac022893a87c5bca083f03f2065',
4242
arguments = [
4343
'--data_dir', data_dir,
4444
'--output', output,
@@ -60,7 +60,7 @@ def resnet_deploy_op(model_dir, model, version, project_id: 'GcpProject', region
6060
tf_version, step_name='deploy'):
6161
return dsl.ContainerOp(
6262
name = step_name,
63-
image = 'gcr.io/ml-pipeline/resnet-deploy:7775692adf28d6f79098e76e839986c9ee55dd61',
63+
image = 'gcr.io/ml-pipeline/resnet-deploy:f98ec68488cfbac022893a87c5bca083f03f2065',
6464
arguments = [
6565
'--model', model,
6666
'--version', version,

samples/tfx/taxi-cab-classification-pipeline.py

+8-8
Original file line numberDiff line numberDiff line change
@@ -21,7 +21,7 @@
2121
def dataflow_tf_data_validation_op(inference_data: 'GcsUri', validation_data: 'GcsUri', column_names: 'GcsUri[text/json]', key_columns, project: 'GcpProject', mode, validation_output: 'GcsUri[Directory]', step_name='validation'):
2222
return dsl.ContainerOp(
2323
name = step_name,
24-
image = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tfdv:7775692adf28d6f79098e76e839986c9ee55dd61',
24+
image = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tfdv:f98ec68488cfbac022893a87c5bca083f03f2065',
2525
arguments = [
2626
'--csv-data-for-inference', inference_data,
2727
'--csv-data-to-validate', validation_data,
@@ -40,7 +40,7 @@ def dataflow_tf_data_validation_op(inference_data: 'GcsUri', validation_data: 'G
4040
def dataflow_tf_transform_op(train_data: 'GcsUri', evaluation_data: 'GcsUri', schema: 'GcsUri[text/json]', project: 'GcpProject', preprocess_mode, preprocess_module: 'GcsUri[text/code/python]', transform_output: 'GcsUri[Directory]', step_name='preprocess'):
4141
return dsl.ContainerOp(
4242
name = step_name,
43-
image = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tft:7775692adf28d6f79098e76e839986c9ee55dd61',
43+
image = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tft:f98ec68488cfbac022893a87c5bca083f03f2065',
4444
arguments = [
4545
'--train', train_data,
4646
'--eval', evaluation_data,
@@ -57,7 +57,7 @@ def dataflow_tf_transform_op(train_data: 'GcsUri', evaluation_data: 'GcsUri', sc
5757
def tf_train_op(transformed_data_dir, schema: 'GcsUri[text/json]', learning_rate: float, hidden_layer_size: int, steps: int, target: str, preprocess_module: 'GcsUri[text/code/python]', training_output: 'GcsUri[Directory]', step_name='training'):
5858
return dsl.ContainerOp(
5959
name = step_name,
60-
image = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer:7775692adf28d6f79098e76e839986c9ee55dd61',
60+
image = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-tf-trainer:f98ec68488cfbac022893a87c5bca083f03f2065',
6161
arguments = [
6262
'--transformed-data-dir', transformed_data_dir,
6363
'--schema', schema,
@@ -74,7 +74,7 @@ def tf_train_op(transformed_data_dir, schema: 'GcsUri[text/json]', learning_rate
7474
def dataflow_tf_model_analyze_op(model: 'TensorFlow model', evaluation_data: 'GcsUri', schema: 'GcsUri[text/json]', project: 'GcpProject', analyze_mode, analyze_slice_column, analysis_output: 'GcsUri', step_name='analysis'):
7575
return dsl.ContainerOp(
7676
name = step_name,
77-
image = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tfma:7775692adf28d6f79098e76e839986c9ee55dd61',
77+
image = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tfma:f98ec68488cfbac022893a87c5bca083f03f2065',
7878
arguments = [
7979
'--model', model,
8080
'--eval', evaluation_data,
@@ -91,7 +91,7 @@ def dataflow_tf_model_analyze_op(model: 'TensorFlow model', evaluation_data: 'Gc
9191
def dataflow_tf_predict_op(evaluation_data: 'GcsUri', schema: 'GcsUri[text/json]', target: str, model: 'TensorFlow model', predict_mode, project: 'GcpProject', prediction_output: 'GcsUri', step_name='prediction'):
9292
return dsl.ContainerOp(
9393
name = step_name,
94-
image = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tf-predict:7775692adf28d6f79098e76e839986c9ee55dd61',
94+
image = 'gcr.io/ml-pipeline/ml-pipeline-dataflow-tf-predict:f98ec68488cfbac022893a87c5bca083f03f2065',
9595
arguments = [
9696
'--data', evaluation_data,
9797
'--schema', schema,
@@ -108,7 +108,7 @@ def dataflow_tf_predict_op(evaluation_data: 'GcsUri', schema: 'GcsUri[text/json]
108108
def confusion_matrix_op(predictions: 'GcsUri', output: 'GcsUri', step_name='confusion_matrix'):
109109
return dsl.ContainerOp(
110110
name=step_name,
111-
image='gcr.io/ml-pipeline/ml-pipeline-local-confusion-matrix:7775692adf28d6f79098e76e839986c9ee55dd61',
111+
image='gcr.io/ml-pipeline/ml-pipeline-local-confusion-matrix:f98ec68488cfbac022893a87c5bca083f03f2065',
112112
arguments=[
113113
'--output', '%s/{{workflow.name}}/confusionmatrix' % output,
114114
'--predictions', predictions,
@@ -119,7 +119,7 @@ def confusion_matrix_op(predictions: 'GcsUri', output: 'GcsUri', step_name='conf
119119
def roc_op(predictions: 'GcsUri', output: 'GcsUri', step_name='roc'):
120120
return dsl.ContainerOp(
121121
name=step_name,
122-
image='gcr.io/ml-pipeline/ml-pipeline-local-roc:7775692adf28d6f79098e76e839986c9ee55dd61',
122+
image='gcr.io/ml-pipeline/ml-pipeline-local-roc:f98ec68488cfbac022893a87c5bca083f03f2065',
123123
arguments=[
124124
'--output', '%s/{{workflow.name}}/roc' % output,
125125
'--predictions', predictions,
@@ -130,7 +130,7 @@ def roc_op(predictions: 'GcsUri', output: 'GcsUri', step_name='roc'):
130130
def kubeflow_deploy_op(model: 'TensorFlow model', tf_server_name, step_name='deploy'):
131131
return dsl.ContainerOp(
132132
name = step_name,
133-
image = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-deployer:7775692adf28d6f79098e76e839986c9ee55dd61',
133+
image = 'gcr.io/ml-pipeline/ml-pipeline-kubeflow-deployer:f98ec68488cfbac022893a87c5bca083f03f2065',
134134
arguments = [
135135
'--model-export-path', '%s/export/export' % model,
136136
'--server-name', tf_server_name

0 commit comments

Comments
 (0)