TensorFlow DNN 模型的分類器。
警告:不建議將估算器用於新代碼。估算器運行tf.compat.v1.Session-style 代碼更難正確編寫,並且可能出現意外行為,尤其是與 TF 2 代碼結合使用時。估算器確實屬於我們的兼容性保證,但不會收到除安全漏洞以外的任何修複。見遷移指南詳情。
用法
tf.estimator.DNNClassifier(
hidden_units, feature_columns, model_dir=None, n_classes=2, weight_column=None,
label_vocabulary=None, optimizer='Adagrad', activation_fn=tf.nn.relu,
dropout=None, config=None, warm_start_from=None,
loss_reduction=tf.losses.Reduction.SUM_OVER_BATCH_SIZE, batch_norm=False
)
參數
-
hidden_units
每層可迭代的隱藏單元數。所有層都是完全連接的。前任。[64, 32]
表示第一層有 64 個節點,第二層有 32 個。 -
feature_columns
一個包含模型使用的所有特征列的迭代。集合中的所有項目都應該是派生自_FeatureColumn
的類的實例。 -
model_dir
保存模型參數、圖形等的目錄。這也可用於將檢查點從目錄加載到估計器中,以繼續訓練先前保存的模型。 -
n_classes
標簽類別的數量。默認為2,即二分類。必須 > 1。 -
weight_column
由tf.feature_column.numeric_column
創建的字符串或NumericColumn
定義表示權重的特征列。它用於在訓練期間減輕重量或增加示例。它將乘以示例的損失。如果它是一個字符串,它被用作從features
中獲取權重張量的鍵。如果是_NumericColumn
,則通過鍵weight_column.key
獲取原始張量,然後對其應用 weight_column.normalizer_fn 以獲得權重張量。 -
label_vocabulary
字符串列表表示可能的標簽值。如果給定,標簽必須是字符串類型並且在label_vocabulary
中具有任何值。如果沒有給出,這意味著標簽已經編碼為整數或在 [0, 1] 內為n_classes=2
和在 {0, 1,..., n_classes-1} 中編碼為整數值n_classes
> 2.如果沒有提供詞匯並且標簽是字符串,也會出現錯誤。 -
optimizer
tf.keras.optimizers.*
的實例用於訓練模型。也可以是字符串('Adagrad'、'Adam'、'Ftrl'、'RMSProp'、SGD'之一)或可調用的。默認為 Adagrad 優化器。 -
activation_fn
應用於每一層的激活函數。如果None
,將使用tf.nn.relu
。 -
dropout
當不是None
時,我們將丟棄給定坐標的概率。 -
config
RunConfig
對象來配置運行時設置。 -
warm_start_from
檢查點的字符串文件路徑以進行熱啟動,或WarmStartSettings
對象以完全配置熱啟動。如果提供了字符串文件路徑而不是WarmStartSettings
,則所有權重都是熱啟動的,並且假定詞匯表和張量名稱未更改。 -
loss_reduction
tf.losses.Reduction
之一,除了NONE
。說明如何減少批量訓練損失。默認為SUM_OVER_BATCH_SIZE
。 -
batch_norm
是否在每個隱藏層之後使用批量歸一化。
屬性
-
config
-
export_savedmodel
-
model_dir
-
model_fn
返回綁定到self.params
的model_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.DNNClassifier(
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.DNNClassifier(
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.DNNClassifier(
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.DNNClassifier(
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)
train
和 evaluate
的輸入應具有以下特征,否則會出現 KeyError
:
- 如果
weight_column
不是None
,則具有key=weight_column
的特征,其值為Tensor
。 - 對於每個
column
在feature_columns
:- 如果
column
是CategoricalColumn
,則具有key=column.name
的特征,其value
是SparseTensor
。 - 如果
column
是WeightedCategoricalColumn
,則有兩個特征:第一個具有key
id 列名,第二個具有key
權重列名。兩個函數的value
必須是SparseTensor
。 - 如果
column
是DenseColumn
,則具有key=column.name
的特征,其value
是Tensor
。
- 如果
損失是通過使用 softmax 交叉熵來計算的。
相關用法
- Python tf.estimator.DNNLinearCombinedEstimator用法及代碼示例
- Python tf.estimator.DNNLinearCombinedClassifier用法及代碼示例
- Python tf.estimator.DNNLinearCombinedRegressor用法及代碼示例
- Python tf.estimator.DNNEstimator用法及代碼示例
- Python tf.estimator.DNNRegressor用法及代碼示例
- Python tf.estimator.TrainSpec用法及代碼示例
- Python tf.estimator.LogisticRegressionHead用法及代碼示例
- Python tf.estimator.MultiHead用法及代碼示例
- Python tf.estimator.PoissonRegressionHead用法及代碼示例
- Python tf.estimator.WarmStartSettings用法及代碼示例
- Python tf.estimator.experimental.stop_if_lower_hook用法及代碼示例
- Python tf.estimator.RunConfig用法及代碼示例
- Python tf.estimator.MultiLabelHead用法及代碼示例
- Python tf.estimator.experimental.stop_if_no_increase_hook用法及代碼示例
- Python tf.estimator.BaselineEstimator用法及代碼示例
- Python tf.estimator.Estimator用法及代碼示例
- Python tf.estimator.experimental.LinearSDCA用法及代碼示例
- Python tf.estimator.experimental.RNNClassifier用法及代碼示例
- Python tf.estimator.experimental.make_early_stopping_hook用法及代碼示例
- Python tf.estimator.LinearRegressor用法及代碼示例
注:本文由純淨天空篩選整理自tensorflow.org大神的英文原創作品 tf.estimator.DNNClassifier。非經特殊聲明,原始代碼版權歸原作者所有,本譯文未經允許或授權,請勿轉載或複製。