Home
last modified time | relevance | path

Searched refs:accuracy (Results 1 – 25 of 328) sorted by relevance

12345678910>>...14

/external/tensorflow/tensorflow/compiler/mlir/tfr/examples/mnist/
Dmnist_train.py154 accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
156 return accuracy, loss_value
162 accuracy = strategy.reduce(
166 return accuracy, loss_value
169 accuracy = 0.0
171 accuracy, loss_value = distributed_train_step(next(iterator))
175 tf.print(' Batch accuracy = %f' % accuracy)
177 return accuracy
Dmnist_train_test.py35 accuracy = mnist_train.main(strategy)
36 self.assertGreater(accuracy, 0.75, 'accuracy sanity check')
/external/skqp/src/core/
DSkAnalyticEdge.cpp232 const int accuracy = kDefaultAccuracy; in setLine() local
234 SkFixed x0 = SkFDot6ToFixed(SkScalarRoundToFDot6(p0.fX, accuracy)) >> accuracy; in setLine()
235 SkFixed y0 = SnapY(SkFDot6ToFixed(SkScalarRoundToFDot6(p0.fY, accuracy)) >> accuracy); in setLine()
236 SkFixed x1 = SkFDot6ToFixed(SkScalarRoundToFDot6(p1.fX, accuracy)) >> accuracy; in setLine()
237 SkFixed y1 = SnapY(SkFDot6ToFixed(SkScalarRoundToFDot6(p1.fY, accuracy)) >> accuracy); in setLine()
240 SkFixed x0 = SkFDot6ToFixed(SkScalarToFDot6(p0.fX * multiplier)) >> accuracy; in setLine()
241 SkFixed y0 = SnapY(SkFDot6ToFixed(SkScalarToFDot6(p0.fY * multiplier)) >> accuracy); in setLine()
242 SkFixed x1 = SkFDot6ToFixed(SkScalarToFDot6(p1.fX * multiplier)) >> accuracy; in setLine()
243 SkFixed y1 = SnapY(SkFDot6ToFixed(SkScalarToFDot6(p1.fY * multiplier)) >> accuracy); in setLine()
DSkAnalyticEdge.h52 const int accuracy = kDefaultAccuracy; in SnapY() local
54 return ((unsigned)y + (SK_Fixed1 >> (accuracy + 1))) >> (16 - accuracy) << (16 - accuracy); in SnapY()
/external/skia/src/core/
DSkAnalyticEdge.cpp232 const int accuracy = kDefaultAccuracy; in setLine() local
234 SkFixed x0 = SkFDot6ToFixed(SkScalarRoundToFDot6(p0.fX, accuracy)) >> accuracy; in setLine()
235 SkFixed y0 = SnapY(SkFDot6ToFixed(SkScalarRoundToFDot6(p0.fY, accuracy)) >> accuracy); in setLine()
236 SkFixed x1 = SkFDot6ToFixed(SkScalarRoundToFDot6(p1.fX, accuracy)) >> accuracy; in setLine()
237 SkFixed y1 = SnapY(SkFDot6ToFixed(SkScalarRoundToFDot6(p1.fY, accuracy)) >> accuracy); in setLine()
240 SkFixed x0 = SkFDot6ToFixed(SkScalarToFDot6(p0.fX * multiplier)) >> accuracy; in setLine()
241 SkFixed y0 = SnapY(SkFDot6ToFixed(SkScalarToFDot6(p0.fY * multiplier)) >> accuracy); in setLine()
242 SkFixed x1 = SkFDot6ToFixed(SkScalarToFDot6(p1.fX * multiplier)) >> accuracy; in setLine()
243 SkFixed y1 = SnapY(SkFDot6ToFixed(SkScalarToFDot6(p1.fY * multiplier)) >> accuracy); in setLine()
DSkAnalyticEdge.h52 const int accuracy = kDefaultAccuracy; in SnapY() local
54 return ((unsigned)y + (SK_Fixed1 >> (accuracy + 1))) >> (16 - accuracy) << (16 - accuracy); in SnapY()
/external/mesa3d/.gitlab-ci/piglit/
Dquick_gl.txt921 spec/ext_framebuffer_multisample/accuracy 16 color: skip
922 spec/ext_framebuffer_multisample/accuracy 16 color depthstencil: skip
923 spec/ext_framebuffer_multisample/accuracy 16 color depthstencil linear: skip
924 spec/ext_framebuffer_multisample/accuracy 16 color linear: skip
925 spec/ext_framebuffer_multisample/accuracy 16 color small: skip
926 spec/ext_framebuffer_multisample/accuracy 16 color small depthstencil: skip
927 spec/ext_framebuffer_multisample/accuracy 16 color small depthstencil linear: skip
928 spec/ext_framebuffer_multisample/accuracy 16 color small linear: skip
929 spec/ext_framebuffer_multisample/accuracy 16 depth_draw: skip
930 spec/ext_framebuffer_multisample/accuracy 16 depth_draw depthstencil: skip
[all …]
/external/apache-commons-math/src/main/java/org/apache/commons/math/
DConvergingAlgorithmImpl.java89 public void setAbsoluteAccuracy(double accuracy) { in setAbsoluteAccuracy() argument
90 absoluteAccuracy = accuracy; in setAbsoluteAccuracy()
119 public void setRelativeAccuracy(double accuracy) { in setRelativeAccuracy() argument
120 relativeAccuracy = accuracy; in setRelativeAccuracy()
DConvergingAlgorithm.java82 void setAbsoluteAccuracy(double accuracy); in setAbsoluteAccuracy() argument
112 void setRelativeAccuracy(double accuracy); in setRelativeAccuracy() argument
/external/llvm-project/llvm/test/Verifier/
Dfpmath.ll11 ; CHECK: invalid fpmath accuracy!
17 ; CHECK: fpmath accuracy not a positive number!
19 ; CHECK: fpmath accuracy not a positive number!
21 ; CHECK: fpmath accuracy not a positive number!
23 ; CHECK: fpmath accuracy must have float type
/external/llvm/test/Verifier/
Dfpmath.ll11 ; CHECK: invalid fpmath accuracy!
17 ; CHECK: fpmath accuracy not a positive number!
19 ; CHECK: fpmath accuracy not a positive number!
21 ; CHECK: fpmath accuracy not a positive number!
23 ; CHECK: fpmath accuracy must have float type
/external/deqp/modules/gles3/accuracy/
DCMakeLists.txt1 # dEQP-GLES3.accuracy
16 add_library(deqp-gles3-accuracy STATIC ${DEQP_GLES3_ACCURACY_SRCS})
17 target_link_libraries(deqp-gles3-accuracy deqp-gl-shared glutil tcutil ${DEQP_GLES3_LIBRARIES})
/external/deqp/modules/gles2/accuracy/
DCMakeLists.txt1 # dEQP-GLES2.accuracy
16 add_library(deqp-gles2-accuracy STATIC ${DEQP_GLES2_ACCURACY_SRCS})
17 target_link_libraries(deqp-gles2-accuracy deqp-gl-shared glutil tcutil ${DEQP_GLES2_LIBRARIES})
/external/webrtc/modules/audio_processing/aec3/
Dmatched_filter.h78 LagEstimate(float accuracy, bool reliable, size_t lag, bool updated) in LagEstimate()
79 : accuracy(accuracy), reliable(reliable), lag(lag), updated(updated) {} in LagEstimate()
81 float accuracy = 0.f; member
/external/apache-commons-math/src/main/java/org/apache/commons/math/analysis/interpolation/
DLoessInterpolator.java85 private final double accuracy; field in LoessInterpolator
98 this.accuracy = DEFAULT_ACCURACY; in LoessInterpolator()
149 …public LoessInterpolator(double bandwidth, int robustnessIters, double accuracy) throws MathExcept… in LoessInterpolator() argument
159 this.accuracy = accuracy; in LoessInterpolator()
301 if (FastMath.sqrt(FastMath.abs(meanXSquared - meanX * meanX)) < accuracy) { in smooth()
328 if (FastMath.abs(medianResidual) < accuracy) { in smooth()
/external/deqp/modules/gles2/
DCMakeLists.txt4 accuracy
13 add_subdirectory(accuracy)
32 deqp-gles2-accuracy
/external/deqp/modules/gles3/
DCMakeLists.txt8 add_subdirectory(accuracy)
14 accuracy
32 deqp-gles3-accuracy
/external/tensorflow/tensorflow/lite/g3doc/performance/
Dmodel_optimization.md36 at the expense of some accuracy. Pruning and clustering can reduce the size of a
48 accuracy.
62 Optimizations can potentially result in changes in model accuracy, which must be
65 The accuracy changes depend on the individual model being optimized, and are
67 size or latency will lose a small amount of accuracy. Depending on your
69 certain models may gain some accuracy as a result of the optimization process.
92 … | No data | Up to 50% | Insignificant accuracy loss | CPU, GPU
94 … | Unlabelled representative sample | Up to 75% | Smaller accuracy loss | CPU,…
95 …raining) | Labelled training data | Up to 75% | Smallest accuracy loss | CPU, …
97 Below are the latency and accuracy results for post-training quantization and
[all …]
Dpost_training_quant.ipynb92 "induced errors. It is important to check the accuracy of the quantized model to\n",
95 "This tutorial trains an MNIST model from scratch, checks its accuracy in\n",
98 "accuracy of the converted model and compare it to the original float model."
174 " metrics=['accuracy'])\n",
189 …xample, since you trained the model for just a single epoch, so it only trains to ~96% accuracy.\n"
421 " # Compare prediction results with ground truth labels to calculate accuracy.\n",
426 " accuracy = accurate_count * 1.0 / len(prediction_digits)\n",
428 " return accuracy"
468 "In this example, the compressed model has no difference in the accuracy."
549 …"The accuracy of this model on imagenet can be evaluated using the scripts provided for [TFLite ac…
[all …]
Dpost_training_quantization.md5 degradation in model accuracy. You can quantize an already-trained float
148 * It causes minimal loss in accuracy.
167 The main advantage of this quantization is that it can improve accuracy
192 Examples of the use cases where accuracy improvements provided by this
209 ### Model accuracy
211 Since weights are quantized post training, there could be an accuracy loss,
215 accuracy of the quantized model to verify that any degradation in accuracy is
217 [TensorFlow Lite model accuracy](https://github.com/tensorflow/tensorflow/tree/master/tensorflow/li…
220 Alternatively, if the accuracy drop is too high, consider using
/external/tensorflow/tensorflow/python/training/
Devaluation_test.py120 accuracy, update_op = metrics_module.accuracy(labels, predictions)
127 final_ops={'accuracy': (accuracy, update_op)},
152 accuracy, update_op = metrics_module.accuracy(labels, predictions)
160 'accuracy': (accuracy, update_op),
/external/tensorflow/tensorflow/python/keras/distribute/
Dmirrored_strategy_test.py103 accuracy = keras.metrics.Accuracy()
123 accuracy.update_state(labels, actual_pred)
133 accuracy.reset_states()
137 self.assertGreater(accuracy.result().numpy(), 0.5)
/external/tensorflow/tensorflow/lite/tools/optimize/g3doc/
Dquantize_weights.md51 there can be accuracy drops depending on the model. For common CNN networks, the
52 observed accuracy drops are small and can be seen below.
54 TODO(yunluli): Fill in accuracy results from accuracy experiments.
/external/apache-commons-math/src/main/java/org/apache/commons/math/optimization/
DMultiStartUnivariateRealOptimizer.java147 public void setAbsoluteAccuracy(double accuracy) { in setAbsoluteAccuracy() argument
148 optimizer.setAbsoluteAccuracy(accuracy); in setAbsoluteAccuracy()
162 public void setRelativeAccuracy(double accuracy) { in setRelativeAccuracy() argument
163 optimizer.setRelativeAccuracy(accuracy); in setRelativeAccuracy()
/external/google-breakpad/src/common/mac/testing/
DGTMSenTestCase.h487 #define STInternalAssertEqualGLKVectorsOrMatrices(a1, a2, accuracy, description, ...) \ argument
497 __typeof__(accuracy) accuracyvalue = (accuracy); \
530 #define STAssertEqualGLKVectors(a1, a2, accuracy, description, ...) \ argument
531 STInternalAssertEqualGLKVectorsOrMatrices(a1, a2, accuracy, description, ##__VA_ARGS__)
533 #define STAssertEqualGLKMatrices(a1, a2, accuracy, description, ...) \ argument
534 STInternalAssertEqualGLKVectorsOrMatrices(a1, a2, accuracy, description, ##__VA_ARGS__)
536 #define STAssertEqualGLKQuaternions(a1, a2, accuracy, description, ...) \ argument
537 STInternalAssertEqualGLKVectorsOrMatrices(a1, a2, accuracy, description, ##__VA_ARGS__)
630 #define STAssertEqualsWithAccuracy(a1, a2, accuracy, description, ...) \ argument
640 __typeof__(accuracy) accuracyvalue = (accuracy); \
[all …]

12345678910>>...14