/external/tensorflow/tensorflow/contrib/layers/python/layers/ |
embedding_ops.py | 64 Invalid IDs (< 0) are pruned from input IDs and weights, as well as any IDs 68 The ids and weights may be multi-dimensional. Embeddings are always aggregated 80 float weights corresponding to `sparse_ids`, or `None` if all weights 125 # Reshape higher-rank sparse ids and weights to linear segment ids. 141 # Prune invalid ids and weights. 187 """Prune invalid IDs (< 0) from the input ids and weights.""" 574 """Computes embeddings for the given ids and weights. 588 sp_weights: either a SparseTensor of float / double weights, or None to 589 indicate all weights should be taken to be 1. If specified, sp_weight [all...] |
regularizers_test.py | 43 weights = constant_op.constant(values) 45 result = sess.run(regularizers.l1_regularizer(.5)(weights)) 58 weights = constant_op.constant(values) 60 result = sess.run(regularizers.l2_regularizer(.42)(weights)) 123 weights = constant_op.constant(values) 126 l1_result1 = sess.run(l1_reg1(weights)) 129 l1_result2 = sess.run(l1_reg2(weights)) 132 l1_l2_result = sess.run(l1_l2_reg(weights))
|
/development/samples/ApiDemos/src/com/example/android/apis/view/ |
Baseline7.java | 26 * Baseline alignment in RelativeLayout with various font weights.
|
/external/icu/icu4c/source/test/intltest/ |
alphaindextst.h | 39 * Test labels with multiple primary weights.
|
/external/libopus/silk/ |
process_NLSFs.c | 66 /* Calculate NLSF weights */ 69 /* Update NLSF weights for interpolated NLSFs */ 76 /* Calculate first half NLSF weights for the interpolated NLSFs */ 79 /* Update NLSF weights with contribution from first half */
|
/external/llvm/test/CodeGen/AArch64/ |
fast-isel-branch_weights.ll | 4 ; Test if the BBs are reordred according to their branch weights.
|
/external/llvm/test/CodeGen/X86/ |
fast-isel-branch_weights.ll | 4 ; Test if the BBs are reordred according to their branch weights.
|
/external/skia/include/effects/ |
SkBlurImageFilter.h | 18 /*!< This re-weights the filter so samples outside have no effect */
|
/external/skqp/include/effects/ |
SkBlurImageFilter.h | 18 /*!< This re-weights the filter so samples outside have no effect */
|
/external/tensorflow/tensorflow/compiler/tests/ |
lstm_test.py | 80 weights = init_weights(lstm.LSTMCellWeightsShape(num_inputs, num_nodes)) 86 m, c = lstm.LSTMCell(weights, m_prev, c_prev, x, pad) 95 # Run with all-0 weights, no padding. 109 # Run with all-1 weights, no padding. 118 # Run with random weights. 144 weights = array_ops.zeros(lstm.LSTMCellWeightsShape(num_inputs, num_nodes)) 151 lstm.LSTMLayer('lstm', weights, m, c, x_seq, [pad]) 153 lstm.LSTMLayer('lstm', weights, m, c, x_seq, [pad] * 2) 155 lstm.LSTMLayer('lstm', weights, m, c, x_seq, [pad] * 4) 164 weights = init_weights(lstm.LSTMCellWeightsShape(num_inputs, num_nodes) [all...] |
/external/tensorflow/tensorflow/contrib/boosted_trees/estimator_batch/ |
custom_loss_head.py | 47 weights. It is used to down weight or boost examples during training. It 49 metrics_fn: a function that takes predictions dict, labels and weights and 71 def _metrics(self, eval_loss, predictions, labels, weights): 73 return self._metrics_fn(predictions, labels, weights)
|
/external/tensorflow/tensorflow/contrib/linear_optimizer/python/ops/ |
sdca_ops.py | 47 implementation. We expect the weights and duals to fit in a single machine. 209 for weights in self._convert_n_to_tensor(self._variables[name]): 210 with ops.device(weights.device): 213 math_ops.abs(math_ops.cast(weights, dtypes.float64)))) 214 # SDCA L1 regularization cost is: l1 * sum(|weights|) 222 for weights in self._convert_n_to_tensor(self._variables[name]): 223 with ops.device(weights.device): 226 math_ops.square(math_ops.cast(weights, dtypes.float64)))) 227 # SDCA L2 regularization cost is: l2 * sum(weights^2) / 2 352 # Update the weights before the proximal step [all...] |
/external/tensorflow/tensorflow/contrib/tensorrt/convert/ |
convert_nodes.cc | 138 nvinfer1::Weights GetWeightsForTRT() const { 141 if (empty_weight_flag_) return nvinfer1::Weights{trt_type, nullptr, 0}; 144 return nvinfer1::Weights{trt_type, GetValues(), GetShapeSize(shape_)}; 157 operator nvinfer1::Weights() const { return GetWeightsForTRT(); } 171 explicit TRT_TensorOrWeights(const TRT_ShapedWeights& weights) 172 : tensor_(nullptr), weights_(weights), variant_(TRT_NODE_WEIGHTS) {} 188 TRT_ShapedWeights& weights() { function in class:tensorflow::tensorrt::convert::__anon39442::TRT_TensorOrWeights 192 const TRT_ShapedWeights& weights() const { function in class:tensorflow::tensorrt::convert::__anon39442::TRT_TensorOrWeights 200 return weights().shape_; 360 TRT_ShapedWeights weights(type, nullptr, shape) [all...] |
/external/tensorflow/tensorflow/core/api_def/base_api/ |
api_def_SdcaOptimizer.pbtxt | 46 corresponding weights in sparse_weights. This field maybe omitted for the 60 a list of vectors where the values are the weights associated 81 weights associated with a sparse feature group. 88 weights associated with a dense feature group.
|
/external/tensorflow/tensorflow/tools/api/golden/ |
tensorflow.keras.optimizers.-optimizer.pbtxt | 31 argspec: "args=[\'self\', \'weights\'], varargs=None, keywords=None, defaults=None"
|
/external/icu/android_icu4j/src/main/java/android/icu/impl/coll/ |
CollationCompare.java | 35 // Fetch CEs, compare primaries, store secondary & tertiary weights. 99 // Compare the buffered secondary & tertiary weights. 125 // The backwards secondary level compares secondary weights backwards 186 // Primary+caseLevel: Ignore case level weights of primary ignorables. 190 // with only primary weights. 206 // ignore case level weights of secondary ignorables. 211 // Tertiary+caseLevel: Also ignore case level weights of secondary ignorables. 216 // but it's simpler to always ignore case weights of secondary ignorables, 274 // Pass through NO_CE and keep real tertiary weights larger than that. 277 // Their case+tertiary weights must be greater than those o [all...] |
/external/icu/icu4c/source/i18n/ |
collationcompare.cpp | 44 // Fetch CEs, compare primaries, store secondary & tertiary weights. 109 // Compare the buffered secondary & tertiary weights. 133 // The backwards secondary level compares secondary weights backwards 192 // Primary+caseLevel: Ignore case level weights of primary ignorables. 196 // with only primary weights. 212 // ignore case level weights of secondary ignorables. 217 // Tertiary+caseLevel: Also ignore case level weights of secondary ignorables. 222 // but it's simpler to always ignore case weights of secondary ignorables, 278 // Pass through NO_CE and keep real tertiary weights larger than that. 281 // Their case+tertiary weights must be greater than those o [all...] |
collationrootelements.h | 27 * Container and access methods for collation elements and weights 31 * This class takes and returns 16-bit secondary and tertiary weights. 44 * Flag in a root element, set if the element contains secondary & tertiary weights, 87 * Returns the boundary between tertiary weights of primary/secondary CEs 119 * Returns the boundary between secondary weights of primary CEs 216 * Returns the first secondary & tertiary weights for p where index=findPrimary(p)+1. 242 * followed by elements with only the secondary/tertiary weights, 261 * There is no element for the completely ignorable CE (all weights 0).
|
/external/icu/icu4j/main/classes/collate/src/com/ibm/icu/impl/coll/ |
CollationCompare.java | 31 // Fetch CEs, compare primaries, store secondary & tertiary weights. 95 // Compare the buffered secondary & tertiary weights. 121 // The backwards secondary level compares secondary weights backwards 182 // Primary+caseLevel: Ignore case level weights of primary ignorables. 186 // with only primary weights. 202 // ignore case level weights of secondary ignorables. 207 // Tertiary+caseLevel: Also ignore case level weights of secondary ignorables. 212 // but it's simpler to always ignore case weights of secondary ignorables, 270 // Pass through NO_CE and keep real tertiary weights larger than that. 273 // Their case+tertiary weights must be greater than those o [all...] |
/external/llvm/lib/Transforms/IPO/ |
SampleProfile.cpp | 17 // - prof: Represents branch weights. This annotation is added to branches 18 // to indicate the weights of each edge coming out of the branch. 69 "sample block/edge weights through the CFG.")); 133 /// \brief Map basic blocks to their computed weights. 136 /// of all the instruction weights in that block. 139 /// \brief Map edges to their computed weights. 141 /// Edge weights are computed by propagating basic block weights in 151 /// \brief Equivalence classes for block weights. 385 /// Clear all the per-function data used to load samples and propagate weights [all...] |
/external/apache-commons-math/src/main/java/org/apache/commons/math/ode/nonstiff/ |
MidpointIntegrator.java | 50 /** Internal weights Butcher array. */ 55 /** Propagation weights Butcher array. */
|
/external/opencv/ml/src/ |
mlem.cpp | 74 means = weights = probs = inv_eigen_values = log_weight_div_det = 0; 81 means = weights = probs = inv_eigen_values = log_weight_div_det = 0; 99 cvReleaseMat( &weights ); 156 const CvMat* p = params.weights; 178 if( params.weights ) 180 const CvMat* w = params.weights; 186 CV_ERROR( CV_StsBadArg, "The array of weights must be a valid " 344 CV_CALL( weights = cvCreateMat( 1, nclusters, CV_64FC1 )); 429 if( params.weights && params.covs ) 432 cvReshape( weights, weights, 1, params.weights->rows ) [all...] |
/external/swiftshader/third_party/PowerVR_SDK/Tools/ |
PVRTBoneBatch.h | 38 @param[in] nOffsetWeight Offset in bytes to the vertex bone-weights 39 @param[in] eTypeWeight Data type of the vertex bone-weights
|
/frameworks/ml/nn/runtime/test/specs/V1_1/ |
fully_connected_float_4d_simple.mod.py | 23 weights = Parameter("op2", "TENSOR_FLOAT32", "{3, 10}", [ variable 31 model = model.Operation("FULLY_CONNECTED", in0, weights, bias, act).To(out0)
|
fully_connected_float_4d_simple_relaxed.mod.py | 23 weights = Parameter("op2", "TENSOR_FLOAT32", "{3, 10}", [ variable 31 model = model.Operation("FULLY_CONNECTED", in0, weights, bias, act).To(out0)
|