HomeSort by relevance Sort by last modified time
    Searched full:weights (Results 451 - 475 of 1517) sorted by null

<<11121314151617181920>>

  /external/mesa3d/src/gallium/auxiliary/vl/
vl_mpeg12_decoder.c 321 MacroBlockTypeToPipeWeights(const struct pipe_mpeg12_macroblock *mb, unsigned weights[2])
327 weights[0] = PIPE_VIDEO_MV_WEIGHT_MAX;
328 weights[1] = PIPE_VIDEO_MV_WEIGHT_MIN;
332 weights[0] = PIPE_VIDEO_MV_WEIGHT_HALF;
333 weights[1] = PIPE_VIDEO_MV_WEIGHT_HALF;
337 weights[0] = PIPE_VIDEO_MV_WEIGHT_MIN;
338 weights[1] = PIPE_VIDEO_MV_WEIGHT_MAX;
343 weights[0] = PIPE_VIDEO_MV_WEIGHT_MIN;
344 weights[1] = PIPE_VIDEO_MV_WEIGHT_MIN;
348 weights[0] = PIPE_VIDEO_MV_WEIGHT_MAX
    [all...]
  /external/tensorflow/tensorflow/contrib/layers/python/layers/
layers.py 566 # (2) it is possible to use (currently it doesn't support batch weights,
    [all...]
  /external/llvm/lib/Transforms/Utils/
SimplifyCFG.cpp 801 // Collect branch weights into a vector.
802 SmallVector<uint32_t, 8> Weights;
809 Weights.push_back(CI->getValue().getZExtValue());
815 std::swap(Weights[i.getCaseIndex() + 1], Weights.back());
816 Weights.pop_back();
822 if (HasWeight && Weights.size() >= 2)
    [all...]
  /external/apache-commons-math/src/main/java/org/apache/commons/math/ode/nonstiff/
DormandPrince54Integrator.java 59 /** Internal weights Butcher array. */
69 /** Propagation weights Butcher array. */
  /external/autotest/client/site_tests/firmware_TouchMTB/tests/
firmware_summary_unittest.py 17 # Define the relative segment weights of a validator.
24 # Define the validator score weights
  /external/deqp/external/vulkancts/modules/vulkan/tessellation/
vktTessellationGeometryPassthroughTests.cpp 104 src << " vec3 weights = vec3(pow(gl_TessCoord.x, 1.3), pow(gl_TessCoord.y, 1.3), pow(gl_TessCoord.z, 1.3));\n"
106 << " gl_Position = vec4(weights.x * gl_in[0].gl_Position.xyz + weights.y * gl_in[1].gl_Position.xyz + weights.z * gl_in[2].gl_Position.xyz, 1.0);\n"
111 << " vec2 weights = normalizedWeights * 0.5 + vec2(0.5);\n"
113 << " gl_Position = mix(mix(gl_in[0].gl_Position, gl_in[1].gl_Position, weights.y), mix(gl_in[2].gl_Position, gl_in[3].gl_Position, weights.y), weights.x);\n"
  /external/deqp/modules/gles31/stress/
es31sDrawTests.cpp 313 float weights[SIZE];
318 weights[i] = 1.0f;
447 spec.primitive = random.chooseWeighted<gls::DrawTestSpec::Primitive> (DE_ARRAY_BEGIN(primitives), DE_ARRAY_END(primitives), primitiveWeights.weights);
449 spec.drawMethod = random.chooseWeighted<gls::DrawTestSpec::DrawMethod> (DE_ARRAY_BEGIN(drawMethods), DE_ARRAY_END(drawMethods), drawMethodWeights.weights);
461 spec.indexType = random.chooseWeighted<gls::DrawTestSpec::IndexType> (DE_ARRAY_BEGIN(indexTypes), DE_ARRAY_END(indexTypes), indexTypeWeights.weights);
480 attribSpec.inputType = random.chooseWeighted<gls::DrawTestSpec::InputType> (DE_ARRAY_BEGIN(inputTypes), DE_ARRAY_END(inputTypes), inputTypeWeights.weights);
481 attribSpec.outputType = random.chooseWeighted<gls::DrawTestSpec::OutputType> (DE_ARRAY_BEGIN(outputTypes), DE_ARRAY_END(outputTypes), outputTypeWeights.weights);
483 attribSpec.usage = random.chooseWeighted<gls::DrawTestSpec::Usage> (DE_ARRAY_BEGIN(usages), DE_ARRAY_END(usages), usageWeights.weights);
  /external/libopus/src/
mlp.c 102 const opus_val16 *W = m->weights;
126 const float *W = m->weights;
  /external/mesa3d/src/gallium/drivers/nouveau/codegen/
nv50_ir_graph.h 169 // @weights: indexed by Node::tag
170 int findLightestPathWeight(Node *, Node *, const std::vector<int>& weights);
  /external/skqp/src/core/
SkPathPriv.h 145 /** Returns the number of conic weights in the path */
150 /** Returns a raw pointer to the path conic weights. */
  /external/tensorflow/tensorflow/contrib/decision_trees/proto/
generic_tree_model.proto 151 // total value is sum(features[i] * weights[i]).
153 repeated float weights = 2;
  /external/tensorflow/tensorflow/contrib/factorization/ops/
factorization_ops.cc 37 factor_weights: Vector of size m. Corresponds to column weights
39 input_weights: Vector of size n. Corresponds to row weights.
  /external/tensorflow/tensorflow/contrib/model_pruning/python/layers/
core_layers.py 36 # The 'weights' part of the name is needed for the quantization library
38 MASKED_WEIGHT_NAME = 'weights/masked_weight'
154 # Add masked_weights in the weights namescope so as to make it easier
330 """Fully-connected layer class with masked weights.
335 argument (if not `None`), `kernel` is a weights matrix created by the layer,
355 share weights, but to avoid mistakes we require reuse=True in such cases.
356 reuse: Boolean, whether to reuse the weights of a previous layer
428 # Add masked_weights in the weights namescope so as to make it easier
  /external/tensorflow/tensorflow/contrib/tensor_forest/kernels/v4/
leaf_model_operators_test.cc 74 std::vector<float> weights = {2.3, 20.3, 1.1}; local
76 new TestableInputTarget(labels, weights, 1));
  /external/tensorflow/tensorflow/docs_src/api_guides/python/
contrib.metrics.md 84 via a `weights` argument. The `weights` tensor must be the same size as the
  /external/tensorflow/tensorflow/examples/get_started/regression/
linear_regression_categorical.py 69 # hashed column. It will create a fixed length list of weights, and
71 # pseudo-randomness of the process, some weights may be shared between
  /external/tensorflow/tensorflow/python/keras/_impl/keras/layers/
normalization_test.py 61 self.assertEqual(len(layer.weights), 2)
66 self.assertEqual(len(layer.weights), 4)
  /external/tensorflow/tensorflow/python/kernel_tests/
candidate_sampler_ops_test.py 100 indices, ids, weights = sess.run(accidental_hits)
105 for index, id_, weight in zip(indices, ids, weights):
  /external/tensorflow/tensorflow/python/tools/
optimize_for_inference.py 28 - Folding batch normalization ops into the pre-calculated weights.
38 restores the variable weights in output_names. That node is usually named
optimize_for_inference_lib.py 28 - Folding batch normalization ops into the pre-calculated weights.
208 scaling into the convolution weights. This function identifies the typical
218 Modified graph with BN ops removed, and modified weights.
249 weights = values_from_const(weights_op)
250 channel_count = weights.shape[3]
325 scaled_weights = np.copy(weights)
338 scaled_weights, weights.dtype.type, weights.shape)))
  /external/tensorflow/tensorflow/python/training/
saver_test.py     [all...]
  /external/tensorflow/tensorflow/tools/api/golden/
tensorflow.keras.layers.-activation.pbtxt 88 name: "weights"
181 argspec: "args=[\'self\', \'weights\'], varargs=None, keywords=None, defaults=None"
tensorflow.keras.layers.-activity-regularization.pbtxt 88 name: "weights"
181 argspec: "args=[\'self\', \'weights\'], varargs=None, keywords=None, defaults=None"
tensorflow.keras.layers.-add.pbtxt 89 name: "weights"
182 argspec: "args=[\'self\', \'weights\'], varargs=None, keywords=None, defaults=None"
tensorflow.keras.layers.-alpha-dropout.pbtxt 88 name: "weights"
181 argspec: "args=[\'self\', \'weights\'], varargs=None, keywords=None, defaults=None"

Completed in 812 milliseconds

<<11121314151617181920>>