/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/ |
H A D | range_sampler_test.cc | 50 int64_t val = a[i]; in CheckHistogram() local 55 for (int val = 0; val < range; val++) { in CheckHistogram() local 205 std::vector<float> weights = {1, 2, 4, 8, 16, 32, 64, 128, 256}; in TEST_F() local 213 std::vector<float> weights = {1, 2, 4, 8, 16, 32, 64, 128, 256}; in TEST_F() local 218 std::vector<float> weights = {1, 2, 4, 8, 16, 32, 64, 128, 256}; in TEST_F() local 223 std::vector<float> weights = {1, 2, 4, 8, 16, 32, 64, 128, 256}; in TEST_F() local 232 std::vector<float> weights = {1, 2, 4, 8, 16, 32, 64, 128, 256}; in TEST_F() local 327 for (auto val : batch) { in TEST_F() local
|
/aosp_15_r20/external/freetype/src/base/ |
H A D | ftlcdfil.c | 79 FT_LcdFiveTapFilter weights ) in ft_lcd_filter_fir() 104 FT_UInt val, xx; in ft_lcd_filter_fir() local 145 FT_UInt val, yy; in ft_lcd_filter_fir() local 185 FT_Byte* weights ) in _ft_lcd_filter_legacy() 291 unsigned char *weights ) in FT_Library_SetLcdFilterWeights() 397 unsigned char *weights ) in FT_Library_SetLcdFilterWeights()
|
/aosp_15_r20/external/ComputeLibrary/tests/validation/reference/ |
H A D | DepthwiseConvolutionLayer.cpp | 54 SimpleTensor<T> depthwise_convolution_fp(const SimpleTensor<T> &src, const SimpleTensor<T> &weights… in depthwise_convolution_fp() 105 T val(0); in depthwise_convolution_fp() local 138 … depthwise_convolution_quantized(const SimpleTensor<T> &src, const SimpleTensor<TW> &weights, cons… in depthwise_convolution_quantized() 208 int32_t val = 0; in depthwise_convolution_quantized() local 238 …oat> depthwise_convolution(const SimpleTensor<float> &src, const SimpleTensor<float> &weights, con… in depthwise_convolution() 245 …<half> depthwise_convolution(const SimpleTensor<half> &src, const SimpleTensor<half> &weights, con… in depthwise_convolution() 252 …> depthwise_convolution(const SimpleTensor<uint8_t> &src, const SimpleTensor<uint8_t> &weights, co… in depthwise_convolution() 259 …t> depthwise_convolution(const SimpleTensor<uint8_t> &src, const SimpleTensor<int8_t> &weights, co… in depthwise_convolution() 266 …_t> depthwise_convolution(const SimpleTensor<int8_t> &src, const SimpleTensor<int8_t> &weights, co… in depthwise_convolution()
|
/aosp_15_r20/external/libaom/av1/encoder/arm/ |
H A D | ml_neon.c | 33 const float *const weights, in nn_propagate_8to1() 63 const float *const weights, in nn_propagate_xto1() 98 const float *const weights, in nn_propagate_xsto1() 117 const float *const weights, in nn_propagate_4to1() 143 const float *const weights, in nn_propagate_4to4() 181 const float *const weights, in nn_propagate_4to8() 226 const float *const weights, in nn_propagate_8to4() 326 float val = layer_bias[node]; in av1_nn_predict_neon() local
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/mixed_precision/ |
H A D | loss_scale_optimizer.py | 749 def weights(self): member in LossScaleOptimizer 755 def set_weights(self, weights): argument 763 def clipnorm(self, val): argument 771 def global_clipnorm(self, val): argument 779 def clipvalue(self, val): argument
|
/aosp_15_r20/external/libaom/av1/encoder/ |
H A D | ml.c | 48 float val = layer_bias[node]; in av1_nn_predict_c() local 64 float val = layer_bias[node]; in av1_nn_predict_c() local 96 const float *weights = layer->weights; in nn_fc_forward() local 101 float val = bias[node]; in nn_fc_forward() local
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/optimizer_v2/ |
H A D | optimizer_v2.py | 427 def clipnorm(self, val): argument 437 def global_clipnorm(self, val): argument 452 def clipvalue(self, val): argument 1079 def weights(self): member in OptimizerV2 1113 def set_weights(self, weights): argument
|
/aosp_15_r20/external/apache-commons-math/src/main/java/org/apache/commons/math3/util/ |
H A D | MathArrays.java | 87 public static double[] scale(double val, final double[] arr) { in scale() 104 public static void scaleInPlace(double val, final double[] arr) { in scaleInPlace() 323 T[] val, OrderDirection dir, boolean strict) { in isMonotonic() 371 public static boolean isMonotonic(double[] val, OrderDirection dir, boolean strict) { in isMonotonic() 453 double[] val, OrderDirection dir, boolean strict, boolean abort) in checkOrder() 514 public static void checkOrder(double[] val, OrderDirection dir, boolean strict) in checkOrder() 526 public static void checkOrder(double[] val) throws NonMonotonicSequenceException { in checkOrder() 1776 final double[] values, final double[] weights, final int begin, final int length) in verifyValues() 1816 final double[] weights, in verifyValues()
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/image/ |
H A D | resize_bicubic_op_test.cc | 86 inline int64_t Bound(int64_t val, int64_t limit) { in Bound() 92 std::array<float, 4>* weights, in GetWeightsAndIndices() 106 inline float Interpolate1D(const std::array<float, 4>& weights, in Interpolate1D()
|
/aosp_15_r20/external/ComputeLibrary/src/core/NEON/kernels/arm_conv/depthwise/interleaves/ |
H A D | generic_quantized_dot_product.cpp | 58 const T *weights, size_t ld_weight_col, size_t ld_weight_row, in pack_parameters() 128 const auto val = weights_row[kj * ld_weight_col]; in pack_parameters() local
|
/aosp_15_r20/external/libaom/aom_dsp/x86/ |
H A D | intrapred_ssse3.c | 918 int val; in Load4() local 932 const int val = _mm_cvtsi128_si32(x); in Store4() local 1115 const __m128i pixels, const __m128i weights, const __m128i scaled_corner) { in smooth_directional_sum8() 1121 uint8_t *LIBAOM_RESTRICT dst, const __m128i *pixels, const __m128i *weights, in write_smooth_directional_sum8() 1148 __m128i *weights) { in load_smooth_vertical_weights4() 1202 __m128i weights[2]; in aom_smooth_v_predictor_4x4_ssse3() local 1215 __m128i weights[2]; in aom_smooth_v_predictor_4x8_ssse3() local 1229 __m128i weights[4]; in aom_smooth_v_predictor_4x16_ssse3() local 1243 const __m128i weights = cvtepu8_epi16(Load4(smooth_weights)); in aom_smooth_v_predictor_8x4_ssse3() local 1280 const __m128i weights = cvtepu8_epi16(LoadLo8(smooth_weights + 4)); in aom_smooth_v_predictor_8x8_ssse3() local [all …]
|
/aosp_15_r20/external/apache-commons-math/src/main/java/org/apache/commons/math3/distribution/fitting/ |
H A D | MultivariateNormalMixtureExpectationMaximization.java | 178 final double[] weights = new double[k]; in fit() local 353 final double val = sortedData[i].getRow()[j]; in estimate() local
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/ |
H A D | convert_nodes.cc | 410 TRT_ShapedWeights weights(p->weights()); in BroadcastWeights() local 477 ITensorProxyPtr Converter::CreateConstantLayer(const TRT_ShapedWeights& weights, in CreateConstantLayer() 495 StatusOr<TRT_ShapedWeights> weights = local 1458 Status Converter::GetWeightRange(const TRT_ShapedWeights& weights, in GetWeightRange() 1778 const TRT_ShapedWeights& weights = output_sizes.weights(); in GetSpatialDimsFromOutputSizes() local 1967 StatusOr<TRT_ShapedWeights> weights = in ConvertConv2DHelper() local 2089 TRT_ShapedWeights weights = inputs.at(1).weights(); in ConvertTranspose() local 2265 TRT_ShapedWeights weights = inputs.at(1).weights(); in ConvertReshape() local 2529 [](const int32 val) { return val < 0; })) { in ConvertSlice() 2535 [](const int32 val) { return val < -1; })) { in ConvertSlice() [all …]
|
H A D | convert_nodes_test.cc | 147 void ValidateWeights(const TRT_ShapedWeights& weights, in ValidateWeights() 182 TRT_ShapedWeights weights; in TEST() local 197 TRT_ShapedWeights weights(nvinfer1::DataType::kFLOAT); in TEST() local 213 TRT_ShapedWeights weights = in TEST() local 293 TRT_ShapedWeights weights; in TEST() local 553 Status GetWeightRange(const TRT_ShapedWeights& weights, float* out_min, in GetWeightRange() 854 TRT_ShapedWeights weights = in TestGetWeightRange() local 927 TRT_ShapedWeights weights; in TEST_F() local 1015 TRT_ShapedWeights weights = in TEST_F() local 1191 TRT_ShapedWeights& weights) { in transformWeights() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/ops/ |
H A D | einsum.cc | 98 EinsumDimensionType val) { in CountLabels() 105 const std::vector<EinsumDimensionType>& types, EinsumDimensionType val) { in AppendMatchingIndicesToPermute() 413 TRT_ShapedWeights weights(operand.weights()); in ConditionEinsumWeights() local
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/ |
H A D | reference_util.cc | 113 Array4D<float> weights(pointwise_weights.planes(), input.depth(), in SeparableConvArray4D() local 165 float val = init; in ReduceWindow1DGeneric() local 211 float val = init; in ReduceWindow3DAdd() local 275 float val = init; in ReduceWindow4DGeneric() local 366 float val = operand(scatter_0, scatter_1, scatter_2, scatter_3); in SelectAndScatter4DGePlus() local
|
/aosp_15_r20/external/skia/src/svg/ |
H A D | SkSVGDevice.cpp | 312 void addAttribute(const char name[], const char val[]) { in addAttribute() 316 void addAttribute(const char name[], const SkString& val) { in addAttribute() 320 void addAttribute(const char name[], int32_t val) { in addAttribute() 324 void addAttribute(const char name[], SkScalar val) { in addAttribute() 698 static constexpr const char* weights[] = { in addTextAttributes() local
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/cuda/ |
H A D | EmbeddingBag.cu | 26 __device__ __forceinline__ float bfe(uint32_t val, uint32_t pos, uint32_t len) { in bfe() 123 const uint8_t* __restrict__ weights = &weight[0][0]; in embedding_bag_nbits_rowwise_offsets_kernel() local
|
/aosp_15_r20/external/libultrahdr/lib/src/ |
H A D | gainmapmath.cpp | 49 void ShepardsIDW::fillShepardsIDW(float* weights, int incR, int incB) { in fillShepardsIDW() 334 float val = pow(e_gamma, (1 / kPqM2)); in pqInvOetf() local 873 static size_t clamp(const size_t& val, const size_t& low, const size_t& high) { in clamp() 959 float* weights = weightTables.mWeights; in sampleMap() local 1083 float* weights = weightTables.mWeights; in sampleMap3Channel() local
|
/aosp_15_r20/external/cldr/tools/cldr-code/src/main/java/org/unicode/cldr/util/ |
H A D | Pick.java | 621 ArrayList val = (ArrayList) failures.get(index); in isFailure() local 629 ArrayList val = (ArrayList) failures.get(index); in setFailure() local 768 private int[] weights = new int[0]; field in Pick.WeightedIndex
|
/aosp_15_r20/external/zstd/doc/educational_decoder/ |
H A D | zstd_decompress.c | 875 u8 weights[HUF_MAX_SYMBS]; in decode_huf_table() local 915 static void fse_decode_hufweights(ostream_t *weights, istream_t *const in, in fse_decode_hufweights() 1964 const u8 *const weights, in HUF_init_dtable_usingweights() 2240 u16 val = IO_read_bits(in, bits); in FSE_decode_header() local
|
/aosp_15_r20/external/swiftshader/src/Device/ |
H A D | BC_Decoder.cpp | 368 inline int32_t extendSign(int32_t val, size_t size) in extendSign() 586 const uint32_t *weights = weightsN[index.numBits]; in interpolate() local 1443 const uint16_t *weights = weightsN[index.numBits]; in interpolate() local
|
/aosp_15_r20/external/libaom/aom_dsp/ |
H A D | noise_model.c | 251 const double val = in noise_strength_solver_get_bin_index() local 643 const double weights[5] = { -6682, -0.2056, 13087, -12434, 2.5694 }; in aom_flat_block_finder_run() local 844 const double val = in EXTRACT_AR_ROW() local
|
/aosp_15_r20/out/soong/.intermediates/external/apache-commons-math/apache-commons-math/android_common/javac/ |
D | apache-commons-math.jar | META-INF/
META-INF/MANIFEST.MF
org/
org/apache/
org/ ... |
/aosp_15_r20/cts/apps/CtsVerifier/libs/ |
HD | opencv3-android.jar | META-INF/
META-INF/MANIFEST.MF
org/
org/opencv/
org/ ... |