Home
last modified time | relevance | path

Searched refs:probabilities (Results 1 – 25 of 89) sorted by relevance

1234

/external/deqp/modules/egl/
DteglGLES2SharingThreadedTests.cpp2069 float probabilities[THREADOPERATIONID_LAST][THREADOPERATIONID_LAST]; member
2110 deMemset(probabilities, 0, sizeof(probabilities)); in TestConfig()
2282 weights.push_back(m_config.probabilities[m_lastOperation][THREADOPERATIONID_CREATE_BUFFER]); in addRandomOperation()
2285 weights.push_back(m_config.probabilities[m_lastOperation][THREADOPERATIONID_CREATE_TEXTURE]); in addRandomOperation()
2288 weights.push_back(m_config.probabilities[m_lastOperation][THREADOPERATIONID_CREATE_VERTEX_SHADER]); in addRandomOperation()
2291 …weights.push_back(m_config.probabilities[m_lastOperation][THREADOPERATIONID_CREATE_FRAGMENT_SHADER… in addRandomOperation()
2294 weights.push_back(m_config.probabilities[m_lastOperation][THREADOPERATIONID_CREATE_PROGRAM]); in addRandomOperation()
2468 weights.push_back(m_config.probabilities[m_lastOperation][THREADOPERATIONID_DESTROY_IMAGE]); in addRandomOperation()
2473 weights.push_back(m_config.probabilities[m_lastOperation][THREADOPERATIONID_TEXTURE_FROM_IMAGE]); in addRandomOperation()
2481 weights.push_back(m_config.probabilities[m_lastOperation][THREADOPERATIONID_DESTROY_BUFFER]); in addRandomOperation()
[all …]
/external/tensorflow/tensorflow/contrib/tensor_forest/client/
Deval_metrics.py38 def _top_k(probabilities, targets): argument
42 return metrics.mean(nn.in_top_k(probabilities, targets, k))
51 def _r2(probabilities, targets, weights=None): argument
57 math_ops.squared_difference(targets, probabilities), 0)
67 def _sigmoid_entropy(probabilities, targets, weights=None): argument
69 losses.sigmoid_cross_entropy(probabilities,
72 array_ops.shape(probabilities)[1])),
76 def _softmax_entropy(probabilities, targets, weights=None): argument
78 losses.sparse_softmax_cross_entropy(probabilities,
87 def _class_log_loss(probabilities, targets, weights=None): argument
[all …]
Deval_metrics_test.py31 probabilities = constant_op.constant([[0.1, 0.2, 0.3], [0.4, 0.7, 0.5],
34 in_top_2_op, update_op = top_2_fn(probabilities, targets)
45 probabilities = constant_op.constant([[0.1, 0.2, 0.6, 0.3, 0.5, 0.5],
51 in_top_3_op, update_op = top_3_fn(probabilities, targets)
/external/libcxx/test/std/numerics/rand/rand.dis/rand.dist.samp/rand.dist.samp.discrete/
Dctor_init.pass.cpp27 std::vector<double> p = d.probabilities(); in main()
34 std::vector<double> p = d.probabilities(); in main()
41 std::vector<double> p = d.probabilities(); in main()
49 std::vector<double> p = d.probabilities(); in main()
57 std::vector<double> p = d.probabilities(); in main()
66 std::vector<double> p = d.probabilities(); in main()
75 std::vector<double> p = d.probabilities(); in main()
Dparam_ctor_init.pass.cpp28 std::vector<double> p = pa.probabilities(); in main()
36 std::vector<double> p = pa.probabilities(); in main()
44 std::vector<double> p = pa.probabilities(); in main()
53 std::vector<double> p = pa.probabilities(); in main()
62 std::vector<double> p = pa.probabilities(); in main()
72 std::vector<double> p = pa.probabilities(); in main()
82 std::vector<double> p = pa.probabilities(); in main()
Dctor_iterator.pass.cpp27 std::vector<double> p = d.probabilities(); in main()
35 std::vector<double> p = d.probabilities(); in main()
43 std::vector<double> p = d.probabilities(); in main()
52 std::vector<double> p = d.probabilities(); in main()
61 std::vector<double> p = d.probabilities(); in main()
71 std::vector<double> p = d.probabilities(); in main()
81 std::vector<double> p = d.probabilities(); in main()
Dparam_ctor_iterator.pass.cpp28 std::vector<double> p = pa.probabilities(); in main()
37 std::vector<double> p = pa.probabilities(); in main()
46 std::vector<double> p = pa.probabilities(); in main()
56 std::vector<double> p = pa.probabilities(); in main()
66 std::vector<double> p = pa.probabilities(); in main()
77 std::vector<double> p = pa.probabilities(); in main()
88 std::vector<double> p = pa.probabilities(); in main()
Deval.pass.cpp38 std::vector<double> prob = d.probabilities(); in main()
56 std::vector<double> prob = d.probabilities(); in main()
74 std::vector<double> prob = d.probabilities(); in main()
92 std::vector<double> prob = d.probabilities(); in main()
110 std::vector<double> prob = d.probabilities(); in main()
128 std::vector<double> prob = d.probabilities(); in main()
146 std::vector<double> prob = d.probabilities(); in main()
167 std::vector<double> prob = d.probabilities(); in main()
188 std::vector<double> prob = d.probabilities(); in main()
209 std::vector<double> prob = d.probabilities(); in main()
[all …]
Dctor_func.pass.cpp32 std::vector<double> p = d.probabilities(); in main()
39 std::vector<double> p = d.probabilities(); in main()
46 std::vector<double> p = d.probabilities(); in main()
54 std::vector<double> p = d.probabilities(); in main()
Dparam_ctor_func.pass.cpp33 std::vector<double> p = pa.probabilities(); in main()
41 std::vector<double> p = pa.probabilities(); in main()
49 std::vector<double> p = pa.probabilities(); in main()
58 std::vector<double> p = pa.probabilities(); in main()
Dctor_default.pass.cpp25 std::vector<double> p = d.probabilities(); in main()
Dparam_ctor_default.pass.cpp28 std::vector<double> p = pa.probabilities(); in main()
Dctor_param.pass.cpp28 std::vector<double> p = d.probabilities(); in main()
/external/tensorflow/tensorflow/lite/tools/accuracy/ilsvrc/
Dimagenet_topk_eval.cc63 std::vector<float> probabilities; in ComputeEval() local
64 probabilities.reserve(kNumCategories); in ComputeEval()
68 probabilities.push_back(probs(i)); in ComputeEval()
73 probabilities.push_back(probs(i)); in ComputeEval()
78 probabilities.push_back(probs(i)); in ComputeEval()
84 CHECK_EQ(kNumCategories, probabilities.size()); in ComputeEval()
85 std::vector<int> topK = GetTopK(probabilities, k_); in ComputeEval()
/external/tensorflow/tensorflow/go/
Dexample_inception_inference_test.go119 probabilities := output[0].Value().([][]float32)[0]
120 printBestLabel(probabilities, labelsfile)
123 func printBestLabel(probabilities []float32, labelsFile string) {
125 for i, p := range probabilities {
126 if p > probabilities[bestIdx] {
145 fmt.Printf("BEST MATCH: (%2.0f%% likely) %s\n", probabilities[bestIdx]*100.0, labels[bestIdx])
/external/webrtc/webrtc/modules/audio_processing/agc/
Dagc.cc55 const std::vector<double>& probabilities = in Process() local
57 RTC_DCHECK_EQ(rms.size(), probabilities.size()); in Process()
59 histogram_->Update(rms[i], probabilities[i]); in Process()
/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_SparseSoftmaxCrossEntropyWithLogits.pbtxt31 a matrix of label probabilities, but rather a single label per row
35 Inputs are the logits, not probabilities.
/external/tensorflow/tensorflow/java/src/main/java/org/tensorflow/examples/
DLabelImage.java130 private static int maxIndex(float[] probabilities) { in maxIndex() argument
132 for (int i = 1; i < probabilities.length; ++i) { in maxIndex()
133 if (probabilities[i] > probabilities[best]) { in maxIndex()
/external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
Dhead.py1149 probabilities = predictions[prediction_key.PredictionKey.PROBABILITIES]
1172 _predictions_streaming_mean(probabilities, weights, class_id))
1414 probabilities = predictions[prediction_key.PredictionKey.PROBABILITIES]
1424 probabilities, labels, weights)
1426 probabilities, labels, weights, curve="PR")
1438 _predictions_streaming_mean(probabilities, weights, class_id))
1443 _streaming_auc(probabilities, labels, weights, class_id))
1445 _streaming_auc(probabilities, labels, weights, class_id,
2107 probabilities = predictions.get(prediction_key.PredictionKey.PROBABILITIES)
2108 if probabilities is None:
[all …]
Drnn_common.py292 probabilities = array_ops.reshape(
297 prediction_key.PredictionKey.PROBABILITIES] = probabilities
/external/tensorflow/tensorflow/contrib/tensor_forest/hybrid/python/
Dhybrid_model.py102 probabilities = nn_ops.softmax(inference_result, name="probabilities")
104 return probabilities
/external/tensorflow/tensorflow/contrib/eager/python/examples/revnet/
Dmain_estimator.py66 probabilities = tf.nn.softmax(logits)
81 "probabilities": probabilities,
/external/llvm/docs/
DBlockFrequencyTerminology.rst18 Blocks with multiple successors have probabilities associated with each
19 outgoing edge. These are called branch probabilities. For a given block, the
20 sum of its outgoing branch probabilities should be 1.0.
/external/swiftshader/third_party/llvm-7.0/llvm/docs/
DBlockFrequencyTerminology.rst18 Blocks with multiple successors have probabilities associated with each
19 outgoing edge. These are called branch probabilities. For a given block, the
20 sum of its outgoing branch probabilities should be 1.0.
/external/swiftshader/third_party/llvm-7.0/llvm/test/CodeGen/MIR/X86/
Dbranch-probabilities.mir3 # Check that branch probabilities are printed correctly as hex numbers.

1234