easy-cs-rec-custommodel 0.8.6__py2.py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of easy-cs-rec-custommodel might be problematic. Click here for more details.
- easy_cs_rec_custommodel-0.8.6.dist-info/LICENSE +203 -0
- easy_cs_rec_custommodel-0.8.6.dist-info/METADATA +48 -0
- easy_cs_rec_custommodel-0.8.6.dist-info/RECORD +336 -0
- easy_cs_rec_custommodel-0.8.6.dist-info/WHEEL +6 -0
- easy_cs_rec_custommodel-0.8.6.dist-info/top_level.txt +2 -0
- easy_rec/__init__.py +114 -0
- easy_rec/python/__init__.py +0 -0
- easy_rec/python/builders/__init__.py +0 -0
- easy_rec/python/builders/hyperparams_builder.py +78 -0
- easy_rec/python/builders/loss_builder.py +333 -0
- easy_rec/python/builders/optimizer_builder.py +211 -0
- easy_rec/python/builders/strategy_builder.py +44 -0
- easy_rec/python/compat/__init__.py +0 -0
- easy_rec/python/compat/adam_s.py +245 -0
- easy_rec/python/compat/array_ops.py +229 -0
- easy_rec/python/compat/dynamic_variable.py +542 -0
- easy_rec/python/compat/early_stopping.py +653 -0
- easy_rec/python/compat/embedding_ops.py +162 -0
- easy_rec/python/compat/embedding_parallel_saver.py +316 -0
- easy_rec/python/compat/estimator_train.py +116 -0
- easy_rec/python/compat/exporter.py +473 -0
- easy_rec/python/compat/feature_column/__init__.py +0 -0
- easy_rec/python/compat/feature_column/feature_column.py +3675 -0
- easy_rec/python/compat/feature_column/feature_column_v2.py +5233 -0
- easy_rec/python/compat/feature_column/sequence_feature_column.py +648 -0
- easy_rec/python/compat/feature_column/utils.py +154 -0
- easy_rec/python/compat/layers.py +329 -0
- easy_rec/python/compat/ops.py +14 -0
- easy_rec/python/compat/optimizers.py +619 -0
- easy_rec/python/compat/queues.py +311 -0
- easy_rec/python/compat/regularizers.py +208 -0
- easy_rec/python/compat/sok_optimizer.py +440 -0
- easy_rec/python/compat/sync_replicas_optimizer.py +528 -0
- easy_rec/python/compat/weight_decay_optimizers.py +475 -0
- easy_rec/python/core/__init__.py +0 -0
- easy_rec/python/core/easyrec_metrics/__init__.py +24 -0
- easy_rec/python/core/easyrec_metrics/distribute_metrics_impl_pai.py +3702 -0
- easy_rec/python/core/easyrec_metrics/distribute_metrics_impl_tf.py +3768 -0
- easy_rec/python/core/learning_schedules.py +228 -0
- easy_rec/python/core/metrics.py +402 -0
- easy_rec/python/core/sampler.py +844 -0
- easy_rec/python/eval.py +102 -0
- easy_rec/python/export.py +150 -0
- easy_rec/python/feature_column/__init__.py +0 -0
- easy_rec/python/feature_column/feature_column.py +664 -0
- easy_rec/python/feature_column/feature_group.py +89 -0
- easy_rec/python/hpo/__init__.py +0 -0
- easy_rec/python/hpo/emr_hpo.py +140 -0
- easy_rec/python/hpo/generate_hpo_sql.py +71 -0
- easy_rec/python/hpo/pai_hpo.py +297 -0
- easy_rec/python/inference/__init__.py +0 -0
- easy_rec/python/inference/csv_predictor.py +189 -0
- easy_rec/python/inference/hive_parquet_predictor.py +200 -0
- easy_rec/python/inference/hive_predictor.py +166 -0
- easy_rec/python/inference/odps_predictor.py +70 -0
- easy_rec/python/inference/parquet_predictor.py +147 -0
- easy_rec/python/inference/parquet_predictor_v2.py +147 -0
- easy_rec/python/inference/predictor.py +621 -0
- easy_rec/python/inference/processor/__init__.py +0 -0
- easy_rec/python/inference/processor/test.py +170 -0
- easy_rec/python/inference/vector_retrieve.py +124 -0
- easy_rec/python/input/__init__.py +0 -0
- easy_rec/python/input/batch_tfrecord_input.py +117 -0
- easy_rec/python/input/criteo_binary_reader.py +259 -0
- easy_rec/python/input/criteo_input.py +107 -0
- easy_rec/python/input/csv_input.py +175 -0
- easy_rec/python/input/csv_input_ex.py +72 -0
- easy_rec/python/input/csv_input_v2.py +68 -0
- easy_rec/python/input/datahub_input.py +320 -0
- easy_rec/python/input/dummy_input.py +58 -0
- easy_rec/python/input/hive_input.py +123 -0
- easy_rec/python/input/hive_parquet_input.py +140 -0
- easy_rec/python/input/hive_rtp_input.py +174 -0
- easy_rec/python/input/input.py +1064 -0
- easy_rec/python/input/kafka_dataset.py +144 -0
- easy_rec/python/input/kafka_input.py +235 -0
- easy_rec/python/input/load_parquet.py +317 -0
- easy_rec/python/input/odps_input.py +101 -0
- easy_rec/python/input/odps_input_v2.py +110 -0
- easy_rec/python/input/odps_input_v3.py +132 -0
- easy_rec/python/input/odps_rtp_input.py +187 -0
- easy_rec/python/input/odps_rtp_input_v2.py +104 -0
- easy_rec/python/input/parquet_input.py +397 -0
- easy_rec/python/input/parquet_input_v2.py +180 -0
- easy_rec/python/input/parquet_input_v3.py +203 -0
- easy_rec/python/input/rtp_input.py +225 -0
- easy_rec/python/input/rtp_input_v2.py +145 -0
- easy_rec/python/input/tfrecord_input.py +100 -0
- easy_rec/python/layers/__init__.py +0 -0
- easy_rec/python/layers/backbone.py +571 -0
- easy_rec/python/layers/capsule_layer.py +176 -0
- easy_rec/python/layers/cmbf.py +390 -0
- easy_rec/python/layers/common_layers.py +192 -0
- easy_rec/python/layers/dnn.py +87 -0
- easy_rec/python/layers/embed_input_layer.py +25 -0
- easy_rec/python/layers/fm.py +26 -0
- easy_rec/python/layers/input_layer.py +396 -0
- easy_rec/python/layers/keras/__init__.py +34 -0
- easy_rec/python/layers/keras/activation.py +114 -0
- easy_rec/python/layers/keras/attention.py +267 -0
- easy_rec/python/layers/keras/auxiliary_loss.py +47 -0
- easy_rec/python/layers/keras/blocks.py +262 -0
- easy_rec/python/layers/keras/bst.py +119 -0
- easy_rec/python/layers/keras/custom_ops.py +250 -0
- easy_rec/python/layers/keras/data_augment.py +133 -0
- easy_rec/python/layers/keras/din.py +67 -0
- easy_rec/python/layers/keras/einsum_dense.py +598 -0
- easy_rec/python/layers/keras/embedding.py +81 -0
- easy_rec/python/layers/keras/fibinet.py +251 -0
- easy_rec/python/layers/keras/interaction.py +416 -0
- easy_rec/python/layers/keras/layer_norm.py +364 -0
- easy_rec/python/layers/keras/mask_net.py +166 -0
- easy_rec/python/layers/keras/multi_head_attention.py +717 -0
- easy_rec/python/layers/keras/multi_task.py +125 -0
- easy_rec/python/layers/keras/numerical_embedding.py +376 -0
- easy_rec/python/layers/keras/ppnet.py +194 -0
- easy_rec/python/layers/keras/transformer.py +192 -0
- easy_rec/python/layers/layer_norm.py +51 -0
- easy_rec/python/layers/mmoe.py +83 -0
- easy_rec/python/layers/multihead_attention.py +162 -0
- easy_rec/python/layers/multihead_cross_attention.py +749 -0
- easy_rec/python/layers/senet.py +73 -0
- easy_rec/python/layers/seq_input_layer.py +134 -0
- easy_rec/python/layers/sequence_feature_layer.py +249 -0
- easy_rec/python/layers/uniter.py +301 -0
- easy_rec/python/layers/utils.py +248 -0
- easy_rec/python/layers/variational_dropout_layer.py +130 -0
- easy_rec/python/loss/__init__.py +0 -0
- easy_rec/python/loss/circle_loss.py +82 -0
- easy_rec/python/loss/contrastive_loss.py +79 -0
- easy_rec/python/loss/f1_reweight_loss.py +38 -0
- easy_rec/python/loss/focal_loss.py +93 -0
- easy_rec/python/loss/jrc_loss.py +128 -0
- easy_rec/python/loss/listwise_loss.py +161 -0
- easy_rec/python/loss/multi_similarity.py +68 -0
- easy_rec/python/loss/pairwise_loss.py +307 -0
- easy_rec/python/loss/softmax_loss_with_negative_mining.py +110 -0
- easy_rec/python/loss/zero_inflated_lognormal.py +76 -0
- easy_rec/python/main.py +878 -0
- easy_rec/python/model/__init__.py +0 -0
- easy_rec/python/model/autoint.py +73 -0
- easy_rec/python/model/cmbf.py +47 -0
- easy_rec/python/model/collaborative_metric_learning.py +182 -0
- easy_rec/python/model/custom_model.py +323 -0
- easy_rec/python/model/dat.py +138 -0
- easy_rec/python/model/dbmtl.py +116 -0
- easy_rec/python/model/dcn.py +70 -0
- easy_rec/python/model/deepfm.py +106 -0
- easy_rec/python/model/dlrm.py +73 -0
- easy_rec/python/model/dropoutnet.py +207 -0
- easy_rec/python/model/dssm.py +154 -0
- easy_rec/python/model/dssm_senet.py +143 -0
- easy_rec/python/model/dummy_model.py +48 -0
- easy_rec/python/model/easy_rec_estimator.py +739 -0
- easy_rec/python/model/easy_rec_model.py +467 -0
- easy_rec/python/model/esmm.py +242 -0
- easy_rec/python/model/fm.py +63 -0
- easy_rec/python/model/match_model.py +357 -0
- easy_rec/python/model/mind.py +445 -0
- easy_rec/python/model/mmoe.py +70 -0
- easy_rec/python/model/multi_task_model.py +303 -0
- easy_rec/python/model/multi_tower.py +62 -0
- easy_rec/python/model/multi_tower_bst.py +190 -0
- easy_rec/python/model/multi_tower_din.py +130 -0
- easy_rec/python/model/multi_tower_recall.py +68 -0
- easy_rec/python/model/pdn.py +203 -0
- easy_rec/python/model/ple.py +120 -0
- easy_rec/python/model/rank_model.py +485 -0
- easy_rec/python/model/rocket_launching.py +203 -0
- easy_rec/python/model/simple_multi_task.py +54 -0
- easy_rec/python/model/uniter.py +46 -0
- easy_rec/python/model/wide_and_deep.py +121 -0
- easy_rec/python/ops/1.12/incr_record.so +0 -0
- easy_rec/python/ops/1.12/kafka.so +0 -0
- easy_rec/python/ops/1.12/libcustom_ops.so +0 -0
- easy_rec/python/ops/1.12/libembed_op.so +0 -0
- easy_rec/python/ops/1.12/libhiredis.so.1.0.0 +0 -0
- easy_rec/python/ops/1.12/librdkafka++.so.1 +0 -0
- easy_rec/python/ops/1.12/librdkafka.so.1 +0 -0
- easy_rec/python/ops/1.12/libredis++.so +0 -0
- easy_rec/python/ops/1.12/libredis++.so.1 +0 -0
- easy_rec/python/ops/1.12/libredis++.so.1.2.3 +0 -0
- easy_rec/python/ops/1.12/libstr_avx_op.so +0 -0
- easy_rec/python/ops/1.12/libwrite_sparse_kv.so +0 -0
- easy_rec/python/ops/1.15/incr_record.so +0 -0
- easy_rec/python/ops/1.15/kafka.so +0 -0
- easy_rec/python/ops/1.15/libcustom_ops.so +0 -0
- easy_rec/python/ops/1.15/libembed_op.so +0 -0
- easy_rec/python/ops/1.15/libhiredis.so.1.0.0 +0 -0
- easy_rec/python/ops/1.15/librdkafka++.so +0 -0
- easy_rec/python/ops/1.15/librdkafka++.so.1 +0 -0
- easy_rec/python/ops/1.15/librdkafka.so +0 -0
- easy_rec/python/ops/1.15/librdkafka.so.1 +0 -0
- easy_rec/python/ops/1.15/libredis++.so.1 +0 -0
- easy_rec/python/ops/1.15/libstr_avx_op.so +0 -0
- easy_rec/python/ops/2.12/libcustom_ops.so +0 -0
- easy_rec/python/ops/2.12/libload_embed.so +0 -0
- easy_rec/python/ops/2.12/libstr_avx_op.so +0 -0
- easy_rec/python/ops/__init__.py +0 -0
- easy_rec/python/ops/gen_kafka_ops.py +193 -0
- easy_rec/python/ops/gen_str_avx_op.py +28 -0
- easy_rec/python/ops/incr_record.py +30 -0
- easy_rec/python/predict.py +170 -0
- easy_rec/python/protos/__init__.py +0 -0
- easy_rec/python/protos/autoint_pb2.py +122 -0
- easy_rec/python/protos/backbone_pb2.py +1416 -0
- easy_rec/python/protos/cmbf_pb2.py +435 -0
- easy_rec/python/protos/collaborative_metric_learning_pb2.py +252 -0
- easy_rec/python/protos/custom_model_pb2.py +57 -0
- easy_rec/python/protos/dat_pb2.py +262 -0
- easy_rec/python/protos/data_source_pb2.py +422 -0
- easy_rec/python/protos/dataset_pb2.py +1920 -0
- easy_rec/python/protos/dbmtl_pb2.py +191 -0
- easy_rec/python/protos/dcn_pb2.py +197 -0
- easy_rec/python/protos/deepfm_pb2.py +163 -0
- easy_rec/python/protos/dlrm_pb2.py +163 -0
- easy_rec/python/protos/dnn_pb2.py +329 -0
- easy_rec/python/protos/dropoutnet_pb2.py +239 -0
- easy_rec/python/protos/dssm_pb2.py +262 -0
- easy_rec/python/protos/dssm_senet_pb2.py +282 -0
- easy_rec/python/protos/easy_rec_model_pb2.py +1672 -0
- easy_rec/python/protos/esmm_pb2.py +133 -0
- easy_rec/python/protos/eval_pb2.py +930 -0
- easy_rec/python/protos/export_pb2.py +379 -0
- easy_rec/python/protos/feature_config_pb2.py +1359 -0
- easy_rec/python/protos/fm_pb2.py +90 -0
- easy_rec/python/protos/hive_config_pb2.py +138 -0
- easy_rec/python/protos/hyperparams_pb2.py +624 -0
- easy_rec/python/protos/keras_layer_pb2.py +692 -0
- easy_rec/python/protos/layer_pb2.py +1936 -0
- easy_rec/python/protos/loss_pb2.py +1713 -0
- easy_rec/python/protos/mind_pb2.py +497 -0
- easy_rec/python/protos/mmoe_pb2.py +215 -0
- easy_rec/python/protos/multi_tower_pb2.py +295 -0
- easy_rec/python/protos/multi_tower_recall_pb2.py +198 -0
- easy_rec/python/protos/optimizer_pb2.py +2017 -0
- easy_rec/python/protos/pdn_pb2.py +293 -0
- easy_rec/python/protos/pipeline_pb2.py +516 -0
- easy_rec/python/protos/ple_pb2.py +231 -0
- easy_rec/python/protos/predict_pb2.py +1140 -0
- easy_rec/python/protos/rocket_launching_pb2.py +169 -0
- easy_rec/python/protos/seq_encoder_pb2.py +1084 -0
- easy_rec/python/protos/simi_pb2.py +54 -0
- easy_rec/python/protos/simple_multi_task_pb2.py +97 -0
- easy_rec/python/protos/tf_predict_pb2.py +630 -0
- easy_rec/python/protos/tower_pb2.py +661 -0
- easy_rec/python/protos/train_pb2.py +1197 -0
- easy_rec/python/protos/uniter_pb2.py +307 -0
- easy_rec/python/protos/variational_dropout_pb2.py +91 -0
- easy_rec/python/protos/wide_and_deep_pb2.py +131 -0
- easy_rec/python/test/__init__.py +0 -0
- easy_rec/python/test/csv_input_test.py +340 -0
- easy_rec/python/test/custom_early_stop_func.py +19 -0
- easy_rec/python/test/dh_local_run.py +104 -0
- easy_rec/python/test/embed_test.py +155 -0
- easy_rec/python/test/emr_run.py +119 -0
- easy_rec/python/test/eval_metric_test.py +107 -0
- easy_rec/python/test/excel_convert_test.py +64 -0
- easy_rec/python/test/export_test.py +513 -0
- easy_rec/python/test/fg_test.py +70 -0
- easy_rec/python/test/hive_input_test.py +311 -0
- easy_rec/python/test/hpo_test.py +235 -0
- easy_rec/python/test/kafka_test.py +373 -0
- easy_rec/python/test/local_incr_test.py +122 -0
- easy_rec/python/test/loss_test.py +110 -0
- easy_rec/python/test/odps_command.py +61 -0
- easy_rec/python/test/odps_local_run.py +86 -0
- easy_rec/python/test/odps_run.py +254 -0
- easy_rec/python/test/odps_test_cls.py +39 -0
- easy_rec/python/test/odps_test_prepare.py +198 -0
- easy_rec/python/test/odps_test_util.py +237 -0
- easy_rec/python/test/pre_check_test.py +54 -0
- easy_rec/python/test/predictor_test.py +394 -0
- easy_rec/python/test/rtp_convert_test.py +133 -0
- easy_rec/python/test/run.py +138 -0
- easy_rec/python/test/train_eval_test.py +1299 -0
- easy_rec/python/test/util_test.py +85 -0
- easy_rec/python/test/zero_inflated_lognormal_test.py +53 -0
- easy_rec/python/tools/__init__.py +0 -0
- easy_rec/python/tools/add_boundaries_to_config.py +67 -0
- easy_rec/python/tools/add_feature_info_to_config.py +145 -0
- easy_rec/python/tools/convert_config_format.py +48 -0
- easy_rec/python/tools/convert_rtp_data.py +79 -0
- easy_rec/python/tools/convert_rtp_fg.py +106 -0
- easy_rec/python/tools/create_config_from_excel.py +427 -0
- easy_rec/python/tools/criteo/__init__.py +0 -0
- easy_rec/python/tools/criteo/convert_data.py +157 -0
- easy_rec/python/tools/edit_lookup_graph.py +134 -0
- easy_rec/python/tools/faiss_index_pai.py +116 -0
- easy_rec/python/tools/feature_selection.py +316 -0
- easy_rec/python/tools/hit_rate_ds.py +223 -0
- easy_rec/python/tools/hit_rate_pai.py +138 -0
- easy_rec/python/tools/pre_check.py +120 -0
- easy_rec/python/tools/predict_and_chk.py +111 -0
- easy_rec/python/tools/read_kafka.py +55 -0
- easy_rec/python/tools/split_model_pai.py +286 -0
- easy_rec/python/tools/split_pdn_model_pai.py +272 -0
- easy_rec/python/tools/test_saved_model.py +80 -0
- easy_rec/python/tools/view_saved_model.py +39 -0
- easy_rec/python/tools/write_kafka.py +65 -0
- easy_rec/python/train_eval.py +325 -0
- easy_rec/python/utils/__init__.py +15 -0
- easy_rec/python/utils/activation.py +120 -0
- easy_rec/python/utils/check_utils.py +87 -0
- easy_rec/python/utils/compat.py +14 -0
- easy_rec/python/utils/config_util.py +652 -0
- easy_rec/python/utils/constant.py +43 -0
- easy_rec/python/utils/convert_rtp_fg.py +616 -0
- easy_rec/python/utils/dag.py +192 -0
- easy_rec/python/utils/distribution_utils.py +268 -0
- easy_rec/python/utils/ds_util.py +65 -0
- easy_rec/python/utils/embedding_utils.py +73 -0
- easy_rec/python/utils/estimator_utils.py +1036 -0
- easy_rec/python/utils/export_big_model.py +630 -0
- easy_rec/python/utils/expr_util.py +118 -0
- easy_rec/python/utils/fg_util.py +53 -0
- easy_rec/python/utils/hit_rate_utils.py +220 -0
- easy_rec/python/utils/hive_utils.py +183 -0
- easy_rec/python/utils/hpo_util.py +137 -0
- easy_rec/python/utils/hvd_utils.py +56 -0
- easy_rec/python/utils/input_utils.py +108 -0
- easy_rec/python/utils/io_util.py +282 -0
- easy_rec/python/utils/load_class.py +249 -0
- easy_rec/python/utils/meta_graph_editor.py +941 -0
- easy_rec/python/utils/multi_optimizer.py +62 -0
- easy_rec/python/utils/numpy_utils.py +18 -0
- easy_rec/python/utils/odps_util.py +79 -0
- easy_rec/python/utils/pai_util.py +86 -0
- easy_rec/python/utils/proto_util.py +90 -0
- easy_rec/python/utils/restore_filter.py +89 -0
- easy_rec/python/utils/shape_utils.py +432 -0
- easy_rec/python/utils/static_shape.py +71 -0
- easy_rec/python/utils/test_utils.py +866 -0
- easy_rec/python/utils/tf_utils.py +56 -0
- easy_rec/version.py +4 -0
- test/__init__.py +0 -0
|
@@ -0,0 +1,473 @@
|
|
|
1
|
+
# -*- encoding:utf-8 -*-
|
|
2
|
+
# Copyright 2016 The TensorFlow Authors. All Rights Reserved.
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
# ==============================================================================
|
|
16
|
+
"""`Exporter` class represents different flavors of model export."""
|
|
17
|
+
|
|
18
|
+
from __future__ import absolute_import
|
|
19
|
+
from __future__ import division
|
|
20
|
+
from __future__ import print_function
|
|
21
|
+
|
|
22
|
+
import os
|
|
23
|
+
|
|
24
|
+
from tensorflow.python.estimator import gc
|
|
25
|
+
from tensorflow.python.estimator import util
|
|
26
|
+
from tensorflow.python.estimator.canned import metric_keys
|
|
27
|
+
from tensorflow.python.estimator.exporter import Exporter
|
|
28
|
+
from tensorflow.python.estimator.exporter import _SavedModelExporter
|
|
29
|
+
from tensorflow.python.framework import errors_impl
|
|
30
|
+
from tensorflow.python.platform import gfile
|
|
31
|
+
from tensorflow.python.platform import tf_logging
|
|
32
|
+
from tensorflow.python.summary import summary_iterator
|
|
33
|
+
|
|
34
|
+
from easy_rec.python.utils import io_util
|
|
35
|
+
|
|
36
|
+
|
|
37
|
+
def _loss_smaller(best_eval_result, current_eval_result):
|
|
38
|
+
"""Compares two evaluation results and returns true if the 2nd one is smaller.
|
|
39
|
+
|
|
40
|
+
Both evaluation results should have the values for MetricKeys.LOSS, which are
|
|
41
|
+
used for comparison.
|
|
42
|
+
|
|
43
|
+
Args:
|
|
44
|
+
best_eval_result: best eval metrics.
|
|
45
|
+
current_eval_result: current eval metrics.
|
|
46
|
+
|
|
47
|
+
Returns:
|
|
48
|
+
True if the loss of current_eval_result is smaller; otherwise, False.
|
|
49
|
+
|
|
50
|
+
Raises:
|
|
51
|
+
ValueError: If input eval result is None or no loss is available.
|
|
52
|
+
"""
|
|
53
|
+
default_key = metric_keys.MetricKeys.LOSS
|
|
54
|
+
if not best_eval_result or default_key not in best_eval_result:
|
|
55
|
+
raise ValueError(
|
|
56
|
+
'best_eval_result cannot be empty or no loss is found in it.')
|
|
57
|
+
|
|
58
|
+
if not current_eval_result or default_key not in current_eval_result:
|
|
59
|
+
raise ValueError(
|
|
60
|
+
'current_eval_result cannot be empty or no loss is found in it.')
|
|
61
|
+
|
|
62
|
+
return best_eval_result[default_key] > current_eval_result[default_key]
|
|
63
|
+
|
|
64
|
+
|
|
65
|
+
def _verify_compare_fn_args(compare_fn):
|
|
66
|
+
"""Verifies compare_fn arguments."""
|
|
67
|
+
args = set(util.fn_args(compare_fn))
|
|
68
|
+
if 'best_eval_result' not in args:
|
|
69
|
+
raise ValueError('compare_fn (%s) must include best_eval_result argument.' %
|
|
70
|
+
compare_fn)
|
|
71
|
+
if 'current_eval_result' not in args:
|
|
72
|
+
raise ValueError(
|
|
73
|
+
'compare_fn (%s) must include current_eval_result argument.' %
|
|
74
|
+
compare_fn)
|
|
75
|
+
non_valid_args = list(args - set(['best_eval_result', 'current_eval_result']))
|
|
76
|
+
if non_valid_args:
|
|
77
|
+
raise ValueError('compare_fn (%s) has following not expected args: %s' %
|
|
78
|
+
(compare_fn, non_valid_args))
|
|
79
|
+
|
|
80
|
+
|
|
81
|
+
def _get_ckpt_version(path):
|
|
82
|
+
_, tmp_name = os.path.split(path)
|
|
83
|
+
tmp_name, _ = os.path.splitext(tmp_name)
|
|
84
|
+
ver = tmp_name.split('-')[-1]
|
|
85
|
+
return int(ver)
|
|
86
|
+
|
|
87
|
+
|
|
88
|
+
class BestExporter(Exporter):
|
|
89
|
+
"""This class exports the serving graph and checkpoints of the best models.
|
|
90
|
+
|
|
91
|
+
This class performs a model export everytime the new model is better than any
|
|
92
|
+
existing model.
|
|
93
|
+
"""
|
|
94
|
+
|
|
95
|
+
def __init__(self,
|
|
96
|
+
name='best_exporter',
|
|
97
|
+
serving_input_receiver_fn=None,
|
|
98
|
+
event_file_pattern='eval_val/*.tfevents.*',
|
|
99
|
+
compare_fn=_loss_smaller,
|
|
100
|
+
assets_extra=None,
|
|
101
|
+
as_text=False,
|
|
102
|
+
exports_to_keep=5):
|
|
103
|
+
"""Create an `Exporter` to use with `tf.estimator.EvalSpec`.
|
|
104
|
+
|
|
105
|
+
Example of creating a BestExporter for training and evaluation:
|
|
106
|
+
|
|
107
|
+
```python
|
|
108
|
+
def make_train_and_eval_fn():
|
|
109
|
+
# Set up feature columns.
|
|
110
|
+
categorical_feature_a = (
|
|
111
|
+
tf.feature_column.categorical_column_with_hash_bucket(...))
|
|
112
|
+
categorical_feature_a_emb = embedding_column(
|
|
113
|
+
categorical_column=categorical_feature_a, ...)
|
|
114
|
+
... # other feature columns
|
|
115
|
+
|
|
116
|
+
estimator = tf.estimator.DNNClassifier(
|
|
117
|
+
config=tf.estimator.RunConfig(
|
|
118
|
+
model_dir='/my_model', save_summary_steps=100),
|
|
119
|
+
feature_columns=[categorical_feature_a_emb, ...],
|
|
120
|
+
hidden_units=[1024, 512, 256])
|
|
121
|
+
|
|
122
|
+
serving_feature_spec = tf.feature_column.make_parse_example_spec(
|
|
123
|
+
categorical_feature_a_emb)
|
|
124
|
+
serving_input_receiver_fn = (
|
|
125
|
+
tf.estimator.export.build_parsing_serving_input_receiver_fn(
|
|
126
|
+
serving_feature_spec))
|
|
127
|
+
|
|
128
|
+
exporter = tf.estimator.BestExporter(
|
|
129
|
+
name="best_exporter",
|
|
130
|
+
serving_input_receiver_fn=serving_input_receiver_fn,
|
|
131
|
+
exports_to_keep=5)
|
|
132
|
+
|
|
133
|
+
train_spec = tf.estimator.TrainSpec(...)
|
|
134
|
+
|
|
135
|
+
eval_spec = [tf.estimator.EvalSpec(
|
|
136
|
+
input_fn=eval_input_fn,
|
|
137
|
+
steps=100,
|
|
138
|
+
exporters=exporter,
|
|
139
|
+
start_delay_secs=0,
|
|
140
|
+
throttle_secs=5)]
|
|
141
|
+
|
|
142
|
+
return tf.estimator.DistributedTrainingSpec(estimator, train_spec,
|
|
143
|
+
eval_spec)
|
|
144
|
+
```
|
|
145
|
+
|
|
146
|
+
Args:
|
|
147
|
+
name: unique name of this `Exporter` that is going to be used in the
|
|
148
|
+
export path.
|
|
149
|
+
serving_input_receiver_fn: a function that takes no arguments and returns
|
|
150
|
+
a `ServingInputReceiver`.
|
|
151
|
+
event_file_pattern: event file name pattern relative to model_dir. If
|
|
152
|
+
None, however, the exporter would not be preemption-safe. To be
|
|
153
|
+
preemption-safe, event_file_pattern must be specified.
|
|
154
|
+
compare_fn: a function that compares two evaluation results and returns
|
|
155
|
+
true if current evaluation result is better. Follows the signature:
|
|
156
|
+
* Args:
|
|
157
|
+
* `best_eval_result`: This is the evaluation result of the best model.
|
|
158
|
+
* `current_eval_result`: This is the evaluation result of current
|
|
159
|
+
candidate model.
|
|
160
|
+
* Returns:
|
|
161
|
+
True if current evaluation result is better; otherwise, False.
|
|
162
|
+
assets_extra: An optional dict specifying how to populate the assets.extra
|
|
163
|
+
directory within the exported SavedModel. Each key should give the
|
|
164
|
+
destination path (including the filename) relative to the assets.extra
|
|
165
|
+
directory. The corresponding value gives the full path of the source
|
|
166
|
+
file to be copied. For example, the simple case of copying a single
|
|
167
|
+
file without renaming it is specified as `{'my_asset_file.txt':
|
|
168
|
+
'/path/to/my_asset_file.txt'}`.
|
|
169
|
+
as_text: whether to write the SavedModel proto in text format. Defaults to
|
|
170
|
+
`False`.
|
|
171
|
+
exports_to_keep: Number of exports to keep. Older exports will be
|
|
172
|
+
garbage-collected. Defaults to 5. Set to `None` to disable garbage
|
|
173
|
+
collection.
|
|
174
|
+
|
|
175
|
+
Raises:
|
|
176
|
+
ValueError: if any argument is invalid.
|
|
177
|
+
"""
|
|
178
|
+
self._compare_fn = compare_fn
|
|
179
|
+
if self._compare_fn is None:
|
|
180
|
+
raise ValueError('`compare_fn` must not be None.')
|
|
181
|
+
_verify_compare_fn_args(self._compare_fn)
|
|
182
|
+
|
|
183
|
+
self._saved_model_exporter = _SavedModelExporter(name,
|
|
184
|
+
serving_input_receiver_fn,
|
|
185
|
+
assets_extra, as_text)
|
|
186
|
+
|
|
187
|
+
self._event_file_pattern = event_file_pattern
|
|
188
|
+
self._model_dir = None
|
|
189
|
+
self._best_eval_result = None
|
|
190
|
+
|
|
191
|
+
self._exports_to_keep = exports_to_keep
|
|
192
|
+
if exports_to_keep is not None and exports_to_keep <= 0:
|
|
193
|
+
raise ValueError(
|
|
194
|
+
'`exports_to_keep`, if provided, must be a positive number. Got %s' %
|
|
195
|
+
exports_to_keep)
|
|
196
|
+
|
|
197
|
+
@property
|
|
198
|
+
def name(self):
|
|
199
|
+
return self._saved_model_exporter.name
|
|
200
|
+
|
|
201
|
+
def export(self, estimator, export_path, checkpoint_path, eval_result,
|
|
202
|
+
is_the_final_export):
|
|
203
|
+
export_result = None
|
|
204
|
+
|
|
205
|
+
if self._model_dir != estimator.model_dir and self._event_file_pattern:
|
|
206
|
+
# Loads best metric from event files.
|
|
207
|
+
tf_logging.info('Loading best metric from event files.')
|
|
208
|
+
|
|
209
|
+
self._model_dir = estimator.model_dir
|
|
210
|
+
full_event_file_pattern = os.path.join(self._model_dir,
|
|
211
|
+
self._event_file_pattern)
|
|
212
|
+
self._best_eval_result = self._get_best_eval_result(
|
|
213
|
+
full_event_file_pattern, eval_result)
|
|
214
|
+
|
|
215
|
+
if self._best_eval_result is None or self._compare_fn(
|
|
216
|
+
best_eval_result=self._best_eval_result,
|
|
217
|
+
current_eval_result=eval_result):
|
|
218
|
+
tf_logging.info('Performing best model export.')
|
|
219
|
+
self._best_eval_result = eval_result
|
|
220
|
+
export_result = self._saved_model_exporter.export(estimator, export_path,
|
|
221
|
+
checkpoint_path,
|
|
222
|
+
eval_result,
|
|
223
|
+
is_the_final_export)
|
|
224
|
+
self._garbage_collect_exports(export_path)
|
|
225
|
+
# cp best checkpoints to best folder
|
|
226
|
+
model_dir, _ = os.path.split(checkpoint_path)
|
|
227
|
+
# add / is to be compatiable with oss
|
|
228
|
+
best_dir = os.path.join(model_dir, 'best_ckpt/')
|
|
229
|
+
tf_logging.info('Copy best checkpoint %s to %s' %
|
|
230
|
+
(checkpoint_path, best_dir))
|
|
231
|
+
if not gfile.Exists(best_dir):
|
|
232
|
+
gfile.MakeDirs(best_dir)
|
|
233
|
+
for tmp_file in gfile.Glob(checkpoint_path + '.*'):
|
|
234
|
+
_, file_name = os.path.split(tmp_file)
|
|
235
|
+
# skip temporary files
|
|
236
|
+
if 'tempstate' in file_name:
|
|
237
|
+
continue
|
|
238
|
+
dst_path = os.path.join(best_dir, file_name)
|
|
239
|
+
tf_logging.info('Copy file %s to %s' % (tmp_file, dst_path))
|
|
240
|
+
try:
|
|
241
|
+
gfile.Copy(tmp_file, dst_path)
|
|
242
|
+
except Exception as ex:
|
|
243
|
+
tf_logging.warn('Copy file %s to %s failed: %s' %
|
|
244
|
+
(tmp_file, dst_path, str(ex)))
|
|
245
|
+
self._garbage_collect_ckpts(best_dir)
|
|
246
|
+
|
|
247
|
+
return export_result
|
|
248
|
+
|
|
249
|
+
def _garbage_collect_ckpts(self, best_dir):
|
|
250
|
+
"""Deletes older best ckpts, retaining only a given number of the most recent.
|
|
251
|
+
|
|
252
|
+
Args:
|
|
253
|
+
best_dir: the directory where the n best ckpts are saved.
|
|
254
|
+
"""
|
|
255
|
+
if self._exports_to_keep is None:
|
|
256
|
+
return
|
|
257
|
+
|
|
258
|
+
# delete older checkpoints
|
|
259
|
+
tmp_files = gfile.Glob(os.path.join(best_dir, 'model.ckpt-*.meta'))
|
|
260
|
+
if len(tmp_files) <= self._exports_to_keep:
|
|
261
|
+
return
|
|
262
|
+
|
|
263
|
+
tmp_steps = [_get_ckpt_version(x) for x in tmp_files]
|
|
264
|
+
tmp_steps = sorted(tmp_steps)
|
|
265
|
+
drop_num = len(tmp_steps) - self._exports_to_keep
|
|
266
|
+
tf_logging.info(
|
|
267
|
+
'garbage_collect_ckpts: steps: %s export_to_keep: %d drop num: %d' %
|
|
268
|
+
(str(tmp_steps), self._exports_to_keep, drop_num))
|
|
269
|
+
for ver in tmp_steps[:drop_num]:
|
|
270
|
+
tmp_prefix = os.path.join(best_dir, 'model.ckpt-%d.*' % ver)
|
|
271
|
+
for tmp_file in gfile.Glob(tmp_prefix):
|
|
272
|
+
tf_logging.info('Remove ckpt file: ' + tmp_file)
|
|
273
|
+
gfile.Remove(tmp_file)
|
|
274
|
+
|
|
275
|
+
def _garbage_collect_exports(self, export_dir_base):
|
|
276
|
+
"""Deletes older exports, retaining only a given number of the most recent.
|
|
277
|
+
|
|
278
|
+
Export subdirectories are assumed to be named with monotonically increasing
|
|
279
|
+
integers; the most recent are taken to be those with the largest values.
|
|
280
|
+
|
|
281
|
+
Args:
|
|
282
|
+
export_dir_base: the base directory under which each export is in a
|
|
283
|
+
versioned subdirectory.
|
|
284
|
+
"""
|
|
285
|
+
if self._exports_to_keep is None:
|
|
286
|
+
return
|
|
287
|
+
|
|
288
|
+
def _export_version_parser(path):
|
|
289
|
+
# create a simple parser that pulls the export_version from the directory.
|
|
290
|
+
filename = os.path.basename(path.path)
|
|
291
|
+
if not (len(filename) == 10 and filename.isdigit()):
|
|
292
|
+
return None
|
|
293
|
+
return path._replace(export_version=int(filename))
|
|
294
|
+
|
|
295
|
+
# pylint: disable=protected-access
|
|
296
|
+
keep_filter = gc._largest_export_versions(self._exports_to_keep)
|
|
297
|
+
delete_filter = gc._negation(keep_filter)
|
|
298
|
+
for p in delete_filter(
|
|
299
|
+
gc._get_paths(export_dir_base, parser=_export_version_parser)):
|
|
300
|
+
try:
|
|
301
|
+
gfile.DeleteRecursively(io_util.fix_oss_dir(p.path))
|
|
302
|
+
except errors_impl.NotFoundError as e:
|
|
303
|
+
tf_logging.warn('Can not delete %s recursively: %s', p.path, e)
|
|
304
|
+
# pylint: enable=protected-access
|
|
305
|
+
|
|
306
|
+
def _get_best_eval_result(self, event_files, curr_eval_result):
|
|
307
|
+
"""Get the best eval result from event files.
|
|
308
|
+
|
|
309
|
+
Args:
|
|
310
|
+
event_files: Absolute pattern of event files.
|
|
311
|
+
|
|
312
|
+
Returns:
|
|
313
|
+
The best eval result.
|
|
314
|
+
"""
|
|
315
|
+
if not event_files:
|
|
316
|
+
return None
|
|
317
|
+
|
|
318
|
+
best_eval_result = None
|
|
319
|
+
for event_file in gfile.Glob(os.path.join(event_files)):
|
|
320
|
+
for event in summary_iterator.summary_iterator(event_file):
|
|
321
|
+
if event.HasField('summary'):
|
|
322
|
+
event_eval_result = {}
|
|
323
|
+
event_eval_result['global_step'] = event.step
|
|
324
|
+
if event.step >= curr_eval_result['global_step']:
|
|
325
|
+
continue
|
|
326
|
+
for value in event.summary.value:
|
|
327
|
+
if value.HasField('simple_value'):
|
|
328
|
+
event_eval_result[value.tag] = value.simple_value
|
|
329
|
+
if len(event_eval_result) >= 2:
|
|
330
|
+
if best_eval_result is None or self._compare_fn(
|
|
331
|
+
best_eval_result, event_eval_result):
|
|
332
|
+
best_eval_result = event_eval_result
|
|
333
|
+
return best_eval_result
|
|
334
|
+
|
|
335
|
+
|
|
336
|
+
class FinalExporter(Exporter):
|
|
337
|
+
"""This class exports the serving graph and checkpoints at the end.
|
|
338
|
+
|
|
339
|
+
This class performs a single export at the end of training.
|
|
340
|
+
"""
|
|
341
|
+
|
|
342
|
+
def __init__(self,
|
|
343
|
+
name,
|
|
344
|
+
serving_input_receiver_fn,
|
|
345
|
+
assets_extra=None,
|
|
346
|
+
as_text=False):
|
|
347
|
+
"""Create an `Exporter` to use with `tf.estimator.EvalSpec`.
|
|
348
|
+
|
|
349
|
+
Args:
|
|
350
|
+
name: unique name of this `Exporter` that is going to be used in the
|
|
351
|
+
export path.
|
|
352
|
+
serving_input_receiver_fn: a function that takes no arguments and returns
|
|
353
|
+
a `ServingInputReceiver`.
|
|
354
|
+
assets_extra: An optional dict specifying how to populate the assets.extra
|
|
355
|
+
directory within the exported SavedModel. Each key should give the
|
|
356
|
+
destination path (including the filename) relative to the assets.extra
|
|
357
|
+
directory. The corresponding value gives the full path of the source
|
|
358
|
+
file to be copied. For example, the simple case of copying a single
|
|
359
|
+
file without renaming it is specified as
|
|
360
|
+
`{'my_asset_file.txt': '/path/to/my_asset_file.txt'}`.
|
|
361
|
+
as_text: whether to write the SavedModel proto in text format. Defaults to
|
|
362
|
+
`False`.
|
|
363
|
+
|
|
364
|
+
Raises:
|
|
365
|
+
ValueError: if any arguments is invalid.
|
|
366
|
+
"""
|
|
367
|
+
self._saved_model_exporter = _SavedModelExporter(name,
|
|
368
|
+
serving_input_receiver_fn,
|
|
369
|
+
assets_extra, as_text)
|
|
370
|
+
|
|
371
|
+
@property
|
|
372
|
+
def name(self):
|
|
373
|
+
return self._saved_model_exporter.name
|
|
374
|
+
|
|
375
|
+
def export(self, estimator, export_path, checkpoint_path, eval_result,
|
|
376
|
+
is_the_final_export):
|
|
377
|
+
if not is_the_final_export:
|
|
378
|
+
return None
|
|
379
|
+
|
|
380
|
+
tf_logging.info('Performing the final export in the end of training.')
|
|
381
|
+
|
|
382
|
+
return self._saved_model_exporter.export(estimator, export_path,
|
|
383
|
+
checkpoint_path, eval_result,
|
|
384
|
+
is_the_final_export)
|
|
385
|
+
|
|
386
|
+
|
|
387
|
+
class LatestExporter(Exporter):
|
|
388
|
+
"""This class regularly exports the serving graph and checkpoints.
|
|
389
|
+
|
|
390
|
+
In addition to exporting, this class also garbage collects stale exports.
|
|
391
|
+
"""
|
|
392
|
+
|
|
393
|
+
def __init__(self,
|
|
394
|
+
name,
|
|
395
|
+
serving_input_receiver_fn,
|
|
396
|
+
assets_extra=None,
|
|
397
|
+
as_text=False,
|
|
398
|
+
exports_to_keep=5):
|
|
399
|
+
"""Create an `Exporter` to use with `tf.estimator.EvalSpec`.
|
|
400
|
+
|
|
401
|
+
Args:
|
|
402
|
+
name: unique name of this `Exporter` that is going to be used in the
|
|
403
|
+
export path.
|
|
404
|
+
serving_input_receiver_fn: a function that takes no arguments and returns
|
|
405
|
+
a `ServingInputReceiver`.
|
|
406
|
+
assets_extra: An optional dict specifying how to populate the assets.extra
|
|
407
|
+
directory within the exported SavedModel. Each key should give the
|
|
408
|
+
destination path (including the filename) relative to the assets.extra
|
|
409
|
+
directory. The corresponding value gives the full path of the source
|
|
410
|
+
file to be copied. For example, the simple case of copying a single
|
|
411
|
+
file without renaming it is specified as
|
|
412
|
+
`{'my_asset_file.txt': '/path/to/my_asset_file.txt'}`.
|
|
413
|
+
as_text: whether to write the SavedModel proto in text format. Defaults to
|
|
414
|
+
`False`.
|
|
415
|
+
exports_to_keep: Number of exports to keep. Older exports will be
|
|
416
|
+
garbage-collected. Defaults to 5. Set to `None` to disable garbage
|
|
417
|
+
collection.
|
|
418
|
+
|
|
419
|
+
Raises:
|
|
420
|
+
ValueError: if any arguments is invalid.
|
|
421
|
+
"""
|
|
422
|
+
self._saved_model_exporter = _SavedModelExporter(name,
|
|
423
|
+
serving_input_receiver_fn,
|
|
424
|
+
assets_extra, as_text)
|
|
425
|
+
self._exports_to_keep = exports_to_keep
|
|
426
|
+
if exports_to_keep is not None and exports_to_keep <= 0:
|
|
427
|
+
raise ValueError(
|
|
428
|
+
'`exports_to_keep`, if provided, must be positive number')
|
|
429
|
+
|
|
430
|
+
@property
|
|
431
|
+
def name(self):
|
|
432
|
+
return self._saved_model_exporter.name
|
|
433
|
+
|
|
434
|
+
def export(self, estimator, export_path, checkpoint_path, eval_result,
|
|
435
|
+
is_the_final_export):
|
|
436
|
+
export_result = self._saved_model_exporter.export(estimator, export_path,
|
|
437
|
+
checkpoint_path,
|
|
438
|
+
eval_result,
|
|
439
|
+
is_the_final_export)
|
|
440
|
+
|
|
441
|
+
self._garbage_collect_exports(export_path)
|
|
442
|
+
return export_result
|
|
443
|
+
|
|
444
|
+
def _garbage_collect_exports(self, export_dir_base):
|
|
445
|
+
"""Deletes older exports, retaining only a given number of the most recent.
|
|
446
|
+
|
|
447
|
+
Export subdirectories are assumed to be named with monotonically increasing
|
|
448
|
+
integers; the most recent are taken to be those with the largest values.
|
|
449
|
+
|
|
450
|
+
Args:
|
|
451
|
+
export_dir_base: the base directory under which each export is in a
|
|
452
|
+
versioned subdirectory.
|
|
453
|
+
"""
|
|
454
|
+
if self._exports_to_keep is None:
|
|
455
|
+
return
|
|
456
|
+
|
|
457
|
+
def _export_version_parser(path):
|
|
458
|
+
# create a simple parser that pulls the export_version from the directory.
|
|
459
|
+
filename = os.path.basename(path.path)
|
|
460
|
+
if not (len(filename) == 10 and filename.isdigit()):
|
|
461
|
+
return None
|
|
462
|
+
return path._replace(export_version=int(filename))
|
|
463
|
+
|
|
464
|
+
# pylint: disable=protected-access
|
|
465
|
+
keep_filter = gc._largest_export_versions(self._exports_to_keep)
|
|
466
|
+
delete_filter = gc._negation(keep_filter)
|
|
467
|
+
for p in delete_filter(
|
|
468
|
+
gc._get_paths(export_dir_base, parser=_export_version_parser)):
|
|
469
|
+
try:
|
|
470
|
+
gfile.DeleteRecursively(io_util.fix_oss_dir(p.path))
|
|
471
|
+
except errors_impl.NotFoundError as e:
|
|
472
|
+
tf_logging.warn('Can not delete %s recursively: %s', p.path, e)
|
|
473
|
+
# pylint: enable=protected-access
|
|
File without changes
|