/external/tensorflow/tensorflow/contrib/boosted_trees/estimator_batch/ |
custom_loss_head.py | 53 def loss_wrapper(labels, logits, weight_tensor): 54 if weight_tensor is None: 55 weight_tensor = array_ops.ones( 57 weighted_loss, _ = loss_fn(labels, weight_tensor, logits) 59 return average_loss, average_loss / math_ops.reduce_mean(weight_tensor)
|
dnn_tree_combined_estimator.py | 278 weight_tensor = head_lib._weight_tensor(features, head._weight_column) 280 weight_tensor = head_lib._weight_tensor( 293 dnn_logits_fixed, tree_logits, weight_tensor) [all...] |
/external/tensorflow/tensorflow/contrib/quantize/python/ |
quantize.py | 94 if layer_match.weight_tensor is not None: 98 layer_match.weight_tensor.op, 99 input_to_ops_map.ConsumerOperations(layer_match.weight_tensor.op), 486 weight_tensor = match_result.get_tensor(weight_identity_pattern) 487 if weight_tensor is None: 488 weight_tensor = match_result.get_tensor(weight_resource_var_pattern) 489 if weight_tensor is None: 490 weight_tensor = match_result.get_tensor(folded_weight_pattern) 501 _LayerMatch(layer_op, weight_tensor, activation_op, bypass_op, 509 weight_tensor = match_result.get_tensor(weight_identity_pattern 606 def weight_tensor(self): member in class:_LayerMatch [all...] |
fold_batch_norms.py | 102 weights = match.weight_tensor 105 match.weight_tensor.get_shape().as_list()[2], 106 match.weight_tensor.get_shape().as_list()[3] 258 weight_tensor = match_result.get_tensor(weight_pattern) 311 weight_tensor=weight_tensor, 446 def _CloneWithNewOperands(layer_op, input_tensor, weight_tensor, 448 """Clones layer_op with input_tensor and weight_tensor as new inputs.""" 453 weight_tensor, 462 weight_tensor, 1039 def weight_tensor(self): member in class:_BatchNormMatch [all...] |
/external/tensorflow/tensorflow/contrib/linear_optimizer/python/ |
sdca_optimizer.py | 200 weight_tensor = array_ops.reshape( 201 column.weight_tensor(transformed_tensor).values, [-1]) 204 weight_tensor = array_ops.ones( 211 # weight_tensor. These can come from looking up an OOV entry in the 216 weight_tensor = array_ops.boolean_mask(weight_tensor, is_id_valid) 234 math_ops.unsorted_segment_sum(weight_tensor, idx,
|
/external/tensorflow/tensorflow/contrib/layers/python/layers/ |
target_column.py | 196 def _weighted_loss(self, loss, weight_tensor): 201 weight_tensor, shape=(-1,))) 228 weight_tensor = self.get_weight_tensor(features) 229 if weight_tensor is None: 231 loss_weighted = self._weighted_loss(loss_unweighted, weight_tensor) 253 weight_tensor = self.get_weight_tensor(features) 254 if weight_tensor is None: 256 loss_weighted = self._weighted_loss(loss_unweighted, weight_tensor) 259 math_ops.cast(math_ops.reduce_sum(weight_tensor), dtypes.float32),
|
feature_column.py | 167 "weight_tensor", 181 "weight_tensor", 419 def weight_tensor(self, input_tensor): member in class:_SparseColumn 437 weight_tensor=self.weight_tensor(input_tensor), 497 self.id_tensor(input_tensor), self.weight_tensor(input_tensor)) 815 def weight_tensor(self, input_tensor): member in class:_WeightedSparseColumn 833 weight_tensor=self.weight_tensor(input_tensor) 2335 def weight_tensor(self, input_tensor): member in class:_CrossedColumn [all...] |
feature_column_ops.py | 306 sparse_weights=embedding_lookup_arguments.weight_tensor, 319 assert arg.weight_tensor is None, ( [all...] |
feature_column_test.py | 370 id_tensor, weight_tensor = _sparse_id_tensor_with_weights( 374 (id_tensor, weight_tensor), [all...] |
/external/tensorflow/tensorflow/python/feature_column/ |
feature_column.py | [all...] |
feature_column_v2.py | [all...] |
feature_column_test.py | 510 self.assertIsNone(id_weight_pair.weight_tensor) 525 self.assertIsNone(id_weight_pair.weight_tensor) [all...] |
sequence_feature_column_test.py | 748 self.assertIsNone(id_weight_pair.weight_tensor) [all...] |
feature_column_v2_test.py | 616 self.assertIsNone(id_weight_pair.weight_tensor) 634 self.assertIsNone(id_weight_pair.weight_tensor) [all...] |
/external/tensorflow/tensorflow/lite/tools/optimize/ |
subgraph_quantizer.cc | 128 const TensorT* weight_tensor, 142 if (tensor->shape[0] != weight_tensor->shape[channel_dim_index]) { 145 tensor->shape[0], weight_tensor->shape[channel_dim_index]); 154 TF_LITE_ENSURE(error_reporter, weight_tensor->quantization); 155 const std::vector<float>& weight_scales = weight_tensor->quantization->scale;
|
/external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/ |
head.py | 656 weight_tensor = _weight_tensor(features, weight_column_name) 657 loss, weighted_average_loss = loss_fn(labels, logits, weight_tensor) 669 batch_size, loss_fn, weight_tensor) 671 weighted_average_loss, predictions, labels, weight_tensor) [all...] |
/external/tensorflow/tensorflow/contrib/feature_column/python/feature_column/ |
sequence_feature_column_test.py | 700 self.assertIsNone(id_weight_pair.weight_tensor) 739 self.assertIsNone(id_weight_pair.weight_tensor) [all...] |
/external/tensorflow/tensorflow/contrib/boosted_trees/python/training/functions/ |
gbdt_batch.py | 225 weight_tensor = tensor[1] 234 indices=indices, values=weight_tensor.values, dense_shape=shape) [all...] |