Home
last modified time | relevance | path

Searched refs:regularization (Results 1 – 25 of 61) sorted by relevance

123

/external/tensorflow/tensorflow/python/keras/
Dregularizers.py59 regularization = 0.
61 regularization += math_ops.reduce_sum(self.l1 * math_ops.abs(x))
63 regularization += math_ops.reduce_sum(self.l2 * math_ops.square(x))
64 return regularization
/external/libopus/silk/float/
Dresidual_energy_FLP.c47 silk_float tmp, nrg = 0.0f, regularization; in silk_residual_energy_covar_FLP() local
52 regularization = REGULARIZATION_FACTOR * ( wXX[ 0 ] + wXX[ D * D - 1 ] ); in silk_residual_energy_covar_FLP()
75 matrix_c_ptr( wXX, i, i, D ) += regularization; in silk_residual_energy_covar_FLP()
78 regularization *= 2.0f; in silk_residual_energy_covar_FLP()
/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_SdcaShrinkL1.pbtxt19 Symmetric l1 regularization strength.
25 Symmetric l2 regularization strength. Should be a positive float.
28 summary: "Applies L1 regularization shrink step on the parameters."
Dapi_def_ResourceApplyProximalGradientDescent.pbtxt18 L1 regularization. Must be a scalar.
24 L2 regularization. Must be a scalar.
Dapi_def_ApplyProximalGradientDescent.pbtxt18 L1 regularization. Must be a scalar.
24 L2 regularization. Must be a scalar.
Dapi_def_BoostedTreesCenterBias.pbtxt25 l1 regularization factor on leaf weights, per instance based.
31 l2 regularization factor on leaf weights, per instance based.
Dapi_def_ResourceApplyProximalAdagrad.pbtxt24 L1 regularization. Must be a scalar.
30 L2 regularization. Must be a scalar.
Dapi_def_ResourceApplyAdagradDA.pbtxt36 L1 regularization. Must be a scalar.
42 L2 regularization. Must be a scalar.
Dapi_def_ApplyProximalAdagrad.pbtxt24 L1 regularization. Must be a scalar.
30 L2 regularization. Must be a scalar.
Dapi_def_ResourceSparseApplyProximalGradientDescent.pbtxt18 L1 regularization. Must be a scalar.
24 L2 regularization. Must be a scalar.
Dapi_def_ApplyAdagradDA.pbtxt36 L1 regularization. Must be a scalar.
42 L2 regularization. Must be a scalar.
Dapi_def_SparseApplyProximalGradientDescent.pbtxt18 L1 regularization. Must be a scalar.
24 L2 regularization. Must be a scalar.
Dapi_def_SparseApplyAdagradDA.pbtxt42 L1 regularization. Must be a scalar.
48 L2 regularization. Must be a scalar.
Dapi_def_ResourceSparseApplyProximalAdagrad.pbtxt24 L1 regularization. Must be a scalar.
30 L2 regularization. Must be a scalar.
Dapi_def_ResourceSparseApplyAdagradDA.pbtxt42 L1 regularization. Must be a scalar.
48 L2 regularization. Must be a scalar.
Dapi_def_SparseApplyProximalAdagrad.pbtxt24 L1 regularization. Must be a scalar.
30 L2 regularization. Must be a scalar.
Dapi_def_ResourceSparseApplyFtrl.pbtxt42 L1 regularization. Must be a scalar.
48 L2 regularization. Must be a scalar.
Dapi_def_SparseApplyFtrl.pbtxt42 L1 regularization. Must be a scalar.
48 L2 regularization. Must be a scalar.
/external/tensorflow/tensorflow/core/kernels/
Dsdca_internal.cc156 const Regularizations& regularization, const int num_weight_vectors) const { in ComputeWxAndWeightedExampleNorm() argument
160 squared_norm_ / regularization.symmetric_l2(); in ComputeWxAndWeightedExampleNorm()
180 feature_value * regularization.Shrink(sparse_weight); in ComputeWxAndWeightedExampleNorm()
181 result.wx[l] += feature_value * regularization.Shrink(feature_weight); in ComputeWxAndWeightedExampleNorm()
200 regularization.EigenShrinkVector( in ComputeWxAndWeightedExampleNorm()
207 regularization.EigenShrinkVector( in ComputeWxAndWeightedExampleNorm()
217 regularization.EigenShrinkMatrix(dense_weights.nominals()) in ComputeWxAndWeightedExampleNorm()
220 regularization.EigenShrinkMatrix(feature_weights) in ComputeWxAndWeightedExampleNorm()
236 const int num_loss_partitions, const Regularizations& regularization, in SampleAdaptiveProbabilities() argument
254 model_weights, regularization, in SampleAdaptiveProbabilities()
[all …]
/external/tensorflow/tensorflow/contrib/boosted_trees/python/training/functions/
Dgbdt_batch_test.py222 learner_config.regularization.l1 = 0
223 learner_config.regularization.l2 = 0
325 learner_config.regularization.l1 = 0
326 learner_config.regularization.l2 = 0
482 learner_config.regularization.l1 = 0
483 learner_config.regularization.l2 = 0
589 learner_config.regularization.l1 = 0
590 learner_config.regularization.l2 = 0
694 learner_config.regularization.l1 = 0
695 learner_config.regularization.l2 = 0
[all …]
/external/tensorflow/tensorflow/contrib/factorization/python/ops/
Dfactorization_ops_test.py176 regularization=0.01,
199 (_, process_input_op, unregularized_loss, regularization,
202 factor_loss = unregularized_loss + regularization
271 (_, process_input_op, unregularized_loss, regularization,
274 factor_loss = unregularized_loss + regularization
345 regularization=0.01,
374 (_, process_input_op, unregularized_loss, regularization,
377 factor_loss = unregularized_loss + regularization
450 (_, process_input_op, unregularized_loss, regularization,
453 factor_loss = unregularized_loss + regularization
[all …]
Dfactorization_ops_test_utils.py98 def calculate_loss(input_mat, row_factors, col_factors, regularization=None, argument
122 reg = (regularization if regularization is not None
Dfactorization_ops.py192 regularization=None, argument
252 self._regularization = regularization
254 regularization * linalg_ops.eye(self._n_components)
255 if regularization is not None else None)
1000 regularization = self._regularization * (
1004 regularization = constant_op.constant(0.)
1016 return (new_left_values, update_op, unregularized_loss, regularization,
/external/tensorflow/tensorflow/contrib/boosted_trees/estimator_batch/
Destimator_test.py405 learner_config.regularization.l2 = 1.0 / _QUANTILE_REGRESSION_SIZE
406 learner_config.regularization.l1 = 1.0 / _QUANTILE_REGRESSION_SIZE
407 learner_config.regularization.tree_complexity = (
438 learner_config.regularization.l2 = 1.0 / _QUANTILE_REGRESSION_SIZE
439 learner_config.regularization.l1 = 1.0 / _QUANTILE_REGRESSION_SIZE
440 learner_config.regularization.tree_complexity = (
675 learner_config.regularization.l2 = 1.0 / _QUANTILE_REGRESSION_SIZE
676 learner_config.regularization.l1 = 1.0 / _QUANTILE_REGRESSION_SIZE
677 learner_config.regularization.tree_complexity = (
/external/tensorflow/tensorflow/contrib/image/python/kernel_tests/
Dsparse_image_warp_test.py77 for regularization in (0, 0.01):
79 self.assertZeroShift(order, regularization, num_boundary_points)
81 def assertZeroShift(self, order, regularization, num_boundary_points): argument
107 regularization_weight=regularization,

123