當前位置: 首頁>>代碼示例 >>用法及示例精選 >>正文


Python tf.compat.v1.estimator.DNNRegressor用法及代碼示例


TensorFlow DNN 模型的回歸器。

警告:不建議將估算器用於新代碼。估算器運行tf.compat.v1.Session-style 代碼更難正確編寫,並且可能出現意外行為,尤其是與 TF 2 代碼結合使用時。估算器確實屬於我們的兼容性保證,但不會收到除安全漏洞以外的任何修複。見遷移指南詳情。

繼承自:Estimator

用法

tf.compat.v1.estimator.DNNRegressor(
    hidden_units, feature_columns, model_dir=None, label_dimension=1,
    weight_column=None, optimizer='Adagrad', activation_fn=tf.nn.relu,
    dropout=None, input_layer_partitioner=None, config=None, warm_start_from=None,
    loss_reduction=tf.compat.v1.losses.Reduction.SUM, batch_norm=False
)

參數

  • model_fn 模型函數。遵循簽名:
    • features -- 這是從 input_fn 返回的第一項,傳遞給 train , evaluatepredict 。這應該是一個相同的 tf.Tensordict
    • labels -- 這是從傳遞給 train , evaluatepredictinput_fn 返回的第二項。這應該是相同的單個tf.Tensordict(對於multi-head 型號)。如果 mode 是 tf.estimator.ModeKeys.PREDICTlabels=None 將被傳遞。如果 model_fn 的簽名不接受 mode ,則 model_fn 必須仍然能夠處理 labels=None
    • mode -- 可選。指定這是訓練、評估還是預測。見tf.estimator.ModeKeysparams -- 可選的 dict 超參數。將接收 params 參數中傳遞給 Estimator 的內容。這允許通過超參數調整來配置 Estimator。
    • config -- 可選的 estimator.RunConfig 對象。將接收作為其config 參數或默認值傳遞給 Estimator 的內容。允許根據 num_ps_replicasmodel_dir 等配置在 model_fn 中進行設置。
    • 返回 -- tf.estimator.EstimatorSpec
  • model_dir 保存模型參數、圖形等的目錄。這也可用於將檢查點從目錄加載到估計器中,以繼續訓練先前保存的模型。如果PathLike 對象,路徑將被解析。如果 None ,如果設置,將使用 config 中的 model_dir。如果兩者都設置,則它們必須相同。如果兩者都是 None ,將使用臨時目錄。
  • config estimator.RunConfig 配置對象。
  • params dict 的超參數將被傳遞到 model_fn 。鍵是參數的名稱,值是基本的 Python 類型。
  • warm_start_from 檢查點或 SavedModel 的可選字符串文件路徑以進行熱啟動,或 tf.estimator.WarmStartSettings 對象以完全配置熱啟動。如果沒有,隻有 TRAINABLE 變量是熱啟動的。如果提供了字符串文件路徑而不是 tf.estimator.WarmStartSettings ,則所有變量都是熱啟動的,並且假定詞匯表和 tf.Tensor 名稱不變。

拋出

  • ValueError model_fn 的參數與 params 不匹配。
  • ValueError 如果這是通過子類調用的,並且該類覆蓋了 Estimator 的成員。

屬性

  • config
  • model_dir
  • model_fn 返回綁定到 self.paramsmodel_fn
  • params

例子:

categorical_feature_a = categorical_column_with_hash_bucket(...)
categorical_feature_b = categorical_column_with_hash_bucket(...)

categorical_feature_a_emb = embedding_column(
    categorical_column=categorical_feature_a, ...)
categorical_feature_b_emb = embedding_column(
    categorical_column=categorical_feature_b, ...)

estimator = tf.estimator.DNNRegressor(
    feature_columns=[categorical_feature_a_emb, categorical_feature_b_emb],
    hidden_units=[1024, 512, 256])

# Or estimator using the ProximalAdagradOptimizer optimizer with
# regularization.
estimator = tf.estimator.DNNRegressor(
    feature_columns=[categorical_feature_a_emb, categorical_feature_b_emb],
    hidden_units=[1024, 512, 256],
    optimizer=tf.compat.v1.train.ProximalAdagradOptimizer(
      learning_rate=0.1,
      l1_regularization_strength=0.001
    ))

# Or estimator using an optimizer with a learning rate decay.
estimator = tf.estimator.DNNRegressor(
    feature_columns=[categorical_feature_a_emb, categorical_feature_b_emb],
    hidden_units=[1024, 512, 256],
    optimizer=lambda:tf.keras.optimizers.Adam(
        learning_rate=tf.compat.v1.train.exponential_decay(
            learning_rate=0.1,
            global_step=tf.compat.v1.train.get_global_step(),
            decay_steps=10000,
            decay_rate=0.96))

# Or estimator with warm-starting from a previous checkpoint.
estimator = tf.estimator.DNNRegressor(
    feature_columns=[categorical_feature_a_emb, categorical_feature_b_emb],
    hidden_units=[1024, 512, 256],
    warm_start_from="/path/to/checkpoint/dir")

# Input builders
def input_fn_train:
  # Returns tf.data.Dataset of (x, y) tuple where y represents label's class
  # index.
  pass
def input_fn_eval:
  # Returns tf.data.Dataset of (x, y) tuple where y represents label's class
  # index.
  pass
def input_fn_predict:
  # Returns tf.data.Dataset of (x, None) tuple.
  pass
estimator.train(input_fn=input_fn_train)
metrics = estimator.evaluate(input_fn=input_fn_eval)
predictions = estimator.predict(input_fn=input_fn_predict)

trainevaluate 的輸入應具有以下特征,否則會出現 KeyError

  • 如果 weight_column 不是 None ,則具有 key=weight_column 的特征,其值為 Tensor
  • 對於每個columnfeature_columns
    • 如果 columnCategoricalColumn ,則具有 key=column.name 的特征,其 valueSparseTensor
    • 如果 columnWeightedCategoricalColumn ,則有兩個特征:第一個具有 key id 列名,第二個具有 key 權重列名。兩個函數的 value 必須是 SparseTensor
    • 如果 columnDenseColumn ,則具有 key=column.name 的特征,其 valueTensor

損失是使用均方誤差計算的。

相關用法


注:本文由純淨天空篩選整理自tensorflow.org大神的英文原創作品 tf.compat.v1.estimator.DNNRegressor。非經特殊聲明,原始代碼版權歸原作者所有,本譯文未經允許或授權,請勿轉載或複製。