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

<<11121314151617181920>>

  /external/tensorflow/tensorflow/tools/api/golden/
tensorflow.keras.optimizers.-s-g-d.pbtxt 32 argspec: "args=[\'self\', \'weights\'], varargs=None, keywords=None, defaults=None"
  /frameworks/ml/nn/runtime/test/specs/V1_0/
rnn_state.mod.py 24 weights = Input("weights", "TENSOR_FLOAT32", "{%d, %d}" % (units, input_size)) variable
34 model = model.Operation("RNN", input, weights, recurrent_weights, bias, hidden_state_in,
38 weights: [
  /frameworks/ml/nn/runtime/test/specs/V1_1/
rnn_state_relaxed.mod.py 24 weights = Input("weights", "TENSOR_FLOAT32", "{%d, %d}" % (units, input_size)) variable
34 model = model.Operation("RNN", input, weights, recurrent_weights, bias, hidden_state_in,
39 weights: [
  /packages/inputmethods/LatinIME/native/jni/src/dictionary/structure/v4/content/
dynamic_language_model_probability_utils.cpp 24 // Encoded backoff weights.
  /prebuilts/gcc/linux-x86/host/x86_64-w64-mingw32-4.8/lib/gcc/x86_64-w64-mingw32/4.8.3/plugin/include/
tree-inline.h 128 /* Weights of constructions for estimate_num_insns. */
159 /* Weights that estimate_num_insns uses for heuristics in inlining. */
163 /* Weights that estimate_num_insns uses to estimate the size of the
168 /* Weights that estimate_num_insns uses to estimate the time necessary
  /external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
svm_test.py 50 # The points are not only separable but there exist weights (for instance
78 # w2=5.0). Due to regularization, smaller weights are chosen. This results
132 # Adding small L1 regularization favors even smaller weights. This results
162 # very small weights (in current case 0) resulting both big unregularized
202 'weights': constant_op.constant([[1.0], [1.0], [1.0]])
234 'weights':
249 weight_column_name='weights',
composable_model.py 163 to store all weights in this model. Faster, but requires that all
186 """Returns weights per feature of the linear part.
192 The weights created by this model (without the optimizer weights).
213 The bias weights created by this model.
304 """Returns the weights of the model.
310 The weights created by this model.
314 model_dir, name=(self._scope + "/hiddenlayer_%d/weights" % i))
317 model_dir, name=(self._scope + "/logits/weights"))]
326 The bias weights created by this model
    [all...]
  /external/tensorflow/tensorflow/core/kernels/
resize_bicubic_op_test.cc 88 std::array<float, 4>* weights,
94 *weights = {{coeffs_tab[offset * 2 + 1], coeffs_tab[offset * 2],
102 inline float Interpolate1D(const std::array<float, 4>& weights,
104 return values[0] * weights[0] + values[1] * weights[1] +
105 values[2] * weights[2] + values[3] * weights[3];
range_sampler_test.cc 205 std::vector<float> weights = {1, 2, 4, 8, 16, 32, 64, 128, 256}; local
206 sampler_.reset(new FixedUnigramSampler(9, weights, 0.8, 0, 1, 0));
213 std::vector<float> weights = {1, 2, 4, 8, 16, 32, 64, 128, 256}; local
214 sampler_.reset(new FixedUnigramSampler(9, weights, 0.8, 0, 1, 0));
218 std::vector<float> weights = {1, 2, 4, 8, 16, 32, 64, 128, 256}; local
219 sampler_.reset(new FixedUnigramSampler(9, weights, 0.8, 0, 1, 0));
223 std::vector<float> weights = {1, 2, 4, 8, 16, 32, 64, 128, 256}; local
224 sampler_.reset(new FixedUnigramSampler(10, weights, 0.8, 1, 1, 0));
232 std::vector<float> weights = {1, 2, 4, 8, 16, 32, 64, 128, 256}; local
233 sampler_.reset(new FixedUnigramSampler(11, weights, 0.8, 2, 1, 0))
    [all...]
  /prebuilts/clang/host/linux-x86/clang-4579689/prebuilt_include/llvm/lib/Fuzzer/
FuzzerCorpus.h 254 // Must be called whenever the corpus or unit weights are changed.
263 Weights.resize(N);
266 Weights[i] = Inputs[i]->NumFeatures
277 Printf("%f ", Weights[i]);
278 Printf("Weights\n");
281 Intervals.begin(), Intervals.end(), Weights.begin());
286 Vector<double> Weights;
  /prebuilts/clang/host/linux-x86/clang-4630689/prebuilt_include/llvm/lib/Fuzzer/
FuzzerCorpus.h 254 // Must be called whenever the corpus or unit weights are changed.
263 Weights.resize(N);
266 Weights[i] = Inputs[i]->NumFeatures
277 Printf("%f ", Weights[i]);
278 Printf("Weights\n");
281 Intervals.begin(), Intervals.end(), Weights.begin());
286 Vector<double> Weights;
  /prebuilts/clang/host/linux-x86/clang-4639204/prebuilt_include/llvm/lib/Fuzzer/
FuzzerCorpus.h 254 // Must be called whenever the corpus or unit weights are changed.
263 Weights.resize(N);
266 Weights[i] = Inputs[i]->NumFeatures
277 Printf("%f ", Weights[i]);
278 Printf("Weights\n");
281 Intervals.begin(), Intervals.end(), Weights.begin());
286 Vector<double> Weights;
  /prebuilts/clang/host/linux-x86/clang-4691093/prebuilt_include/llvm/lib/Fuzzer/
FuzzerCorpus.h 254 // Must be called whenever the corpus or unit weights are changed.
263 Weights.resize(N);
266 Weights[i] = Inputs[i]->NumFeatures
277 Printf("%f ", Weights[i]);
278 Printf("Weights\n");
281 Intervals.begin(), Intervals.end(), Weights.begin());
286 Vector<double> Weights;
  /external/deqp/modules/gles2/stress/
es2sDrawTests.cpp 200 float weights[SIZE]; member in struct:deqp::gles2::Stress::__anon18403::UniformWeightArray
205 weights[i] = 1.0f;
312 spec.primitive = random.chooseWeighted<gls::DrawTestSpec::Primitive> (DE_ARRAY_BEGIN(primitives), DE_ARRAY_END(primitives), primitiveWeights.weights);
314 spec.drawMethod = random.chooseWeighted<gls::DrawTestSpec::DrawMethod> (DE_ARRAY_BEGIN(drawMethods), DE_ARRAY_END(drawMethods), drawMethodWeights.weights);
315 spec.indexType = random.chooseWeighted<gls::DrawTestSpec::IndexType> (DE_ARRAY_BEGIN(indexTypes), DE_ARRAY_END(indexTypes), indexTypeWeights.weights);
317 spec.indexStorage = random.chooseWeighted<gls::DrawTestSpec::Storage> (DE_ARRAY_BEGIN(storages), DE_ARRAY_END(storages), storageWeights.weights);
332 attribSpec.inputType = random.chooseWeighted<gls::DrawTestSpec::InputType> (DE_ARRAY_BEGIN(inputTypes), DE_ARRAY_END(inputTypes), inputTypeWeights.weights);
333 attribSpec.outputType = random.chooseWeighted<gls::DrawTestSpec::OutputType> (DE_ARRAY_BEGIN(outputTypes), DE_ARRAY_END(outputTypes), outputTypeWeights.weights);
334 attribSpec.storage = random.chooseWeighted<gls::DrawTestSpec::Storage> (DE_ARRAY_BEGIN(storages), DE_ARRAY_END(storages), storageWeights.weights);
335 attribSpec.usage = random.chooseWeighted<gls::DrawTestSpec::Usage> (DE_ARRAY_BEGIN(usages), DE_ARRAY_END(usages), usageWeights.weights);
    [all...]
  /external/tensorflow/tensorflow/compiler/xla/
reference_util_test.cc 216 Array3D<float> weights = {{{5, 6}}}; local
218 ReferenceUtil::ConvArray3D(input, weights, 1, Padding::kSame);
229 Array3D<float> weights = {{{5, 6}}}; local
231 ReferenceUtil::ConvArray3D(input, weights, 1, Padding::kValid);
250 Array4D<float> weights(1, 1, 2, 2);
252 weights.FillWithYX(Array2D<float>({
258 ReferenceUtil::ConvArray4D(input, weights, {1, 1}, Padding::kSame);
285 Array4D<float> weights(1, 1, 2, 2);
287 weights.FillWithYX(Array2D<float>({
293 ReferenceUtil::ConvArray4D(input, weights, {1, 1}, Padding::kValid)
    [all...]
  /external/tensorflow/tensorflow/python/ops/
nn_impl.py 265 def relu_layer(x, weights, biases, name=None):
270 weights: a 2D tensor. Dimensions typically: in_units, out_units
276 A 2-D Tensor computing relu(matmul(x, weights) + biases).
279 with ops.name_scope(name, "relu_layer", [x, weights, biases]) as name:
281 weights = ops.convert_to_tensor(weights, name="weights")
283 xw_plus_b = nn_ops.bias_add(math_ops.matmul(x, weights), biases)
715 frequency_weights: A tensor of positive weights which can be
743 # The shape of the weights isn't necessarily the same as x'
    [all...]
  /external/tensorflow/tensorflow/python/tools/
optimize_for_inference_test.py 137 weights = [1, 2, 3, 4, 0.1, 0.2, 0.3, 0.4]
139 np.array(weights), shape=[1, 2, 2, 2], dtype=dtypes.float32)
183 weights = [1, 2, 3, 4, 0.1, 0.2, 0.3, 0.4]
185 np.array(weights), shape=[1, 2, 2, 2], dtype=dtypes.float32)
236 weights = [1, 2, 3, 4, 0.1, 0.2, 0.3, 0.4]
238 np.array(weights), shape=[1, 2, 2, 2], dtype=dtypes.float32)
265 weights = [1, 2, 3, 4, 0.1, 0.2, 0.3, 0.4]
267 np.array(weights), shape=[1, 2, 2, 2], dtype=dtypes.float32)
294 weights = [1, 2, 3, 4, 0.1, 0.2, 0.3, 0.4]
296 np.array(weights), shape=[1, 2, 2, 2], dtype=dtypes.float32
    [all...]
  /external/tensorflow/tensorflow/core/grappler/costs/graph_properties_testdata/
large_graph.pbtxt.html     [all...]
  /external/apache-commons-math/src/main/java/org/apache/commons/math/ode/nonstiff/
DormandPrince54StepInterpolator.java 37 /** Last row of the Butcher-array internal weights, element 0. */
42 /** Last row of the Butcher-array internal weights, element 2. */
45 /** Last row of the Butcher-array internal weights, element 3. */
48 /** Last row of the Butcher-array internal weights, element 4. */
51 /** Last row of the Butcher-array internal weights, element 5. */
  /external/tensorflow/tensorflow/contrib/eager/python/
metrics_test.py 82 m([1, 100, 100000], weights=[1, 0.2, 0.3])
83 m([500000, 5000, 500]) # weights of 1 each
108 m([0, 1, 2, 3], [0, 0, 0, 0], weights=[1, 1, 0, 0])
109 m([4], [4], weights=[0.5]) # 1 correct with a weight of 0.5
110 m([5], [0], weights=[0.5]) # 0 correct, weight 0.5
  /external/tensorflow/tensorflow/core/lib/random/
weighted_picker.cc 105 // of big weights.
155 void WeightedPicker::SetWeightsFromArray(int N, const int32* weights) {
160 for (int i = 0; i < N_; i++) leaves[i] = weights[i];
187 // First zero out any of the weights that are being dropped so
193 // We do not need to set any new weights when enlarging because
  /frameworks/ml/nn/tools/test_generator/
vts_generator.py 110 weights = [o for o in Operand.operands.objects() if o.is_weight()]
112 for w in weights:
135 except AttributeError: # not an op, but things like weights
160 # Boilerplate code for passing weights in shared memory
190 # Passing weights via operandValues
  /external/tensorflow/tensorflow/python/keras/_impl/keras/layers/
recurrent.py 163 weights = []
166 weights += cell.trainable_weights
167 return weights
171 weights = []
174 weights += cell.non_trainable_weights
180 return trainable_weights + weights
181 return weights
184 """Retrieves the weights of the model.
189 weights = []
192 weights += cell.weight
    [all...]
  /external/tensorflow/tensorflow/contrib/linear_optimizer/python/kernel_tests/
sdca_ops_test.py 119 def make_dense_examples_and_variables_dicts(dense_features_values, weights,
128 weights: The example weights.
154 example_weights=weights,
589 weights=[20.0, 10.0],
737 # example after plugging in the optimal weights.
771 # There are 4 (sparse) variable weights to be learned. 2 for age and 2 for
772 # gender. Let w_1, w_2 be age weights, w_3, w_4 be gender weights, y_1,
774 # corresponding *example* weights. With the given feature values, the los
    [all...]
  /external/opencv/cv/src/
cvlinefit.cpp 46 icvFitLine2D_wods( CvPoint2D32f * points, int _count, float *weights, float *line )
56 if( weights == 0 )
72 x += weights[i] * points[i].x;
73 y += weights[i] * points[i].y;
74 x2 += weights[i] * points[i].x * points[i].x;
75 y2 += weights[i] * points[i].y * points[i].y;
76 xy += weights[i] * points[i].x * points[i].y;
77 w += weights[i];
102 icvFitLine3D_wods( CvPoint3D32f * points, int count, float *weights, float *line )
116 if( weights )
    [all...]

Completed in 785 milliseconds

<<11121314151617181920>>