/external/u-boot/test/ |
D | compression.c | 128 void *out, unsigned long out_max, in compress_using_gzip() argument 132 unsigned long inout_size = out_max; in compress_using_gzip() 143 void *out, unsigned long out_max, in uncompress_using_gzip() argument 149 ret = gunzip(out, out_max, in, &inout_size); in uncompress_using_gzip() 158 void *out, unsigned long out_max, in compress_using_bzip2() argument 165 if (bzip2_compressed_size > out_max) in compress_using_bzip2() 177 void *out, unsigned long out_max, in uncompress_using_bzip2() argument 181 unsigned int inout_size = out_max; in uncompress_using_bzip2() 193 void *out, unsigned long out_max, in compress_using_lzma() argument 200 if (lzma_compressed_size > out_max) in compress_using_lzma() [all …]
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_argmax_cuda.cu | 27 Tensor<DenseIndex, 1, Layout> out_max(Eigen::array<DenseIndex, 1>(1)); in test_cuda_simple_argmax() local 35 std::size_t out_bytes = out_max.size() * sizeof(DenseIndex); in test_cuda_simple_argmax() 56 …assert(cudaMemcpyAsync(out_max.data(), d_out_max, out_bytes, cudaMemcpyDeviceToHost, gpu_device.st… in test_cuda_simple_argmax() 60 VERIFY_IS_EQUAL(out_max(Eigen::array<DenseIndex, 1>(0)), 72*53*97 - 1); in test_cuda_simple_argmax()
|
/external/tensorflow/tensorflow/core/kernels/ |
D | quantized_instance_norm_test.cc | 113 float out_max = outputs[2].flat<float>()(0); in Expect() local 114 float out_scale = (out_max - out_min) / 255.0f; in Expect()
|
D | quantization_utils_test.cc | 162 const float out_max = 23.1234; in TestRequantizeManyInNewRange32To8Bit() local 167 qint32 high = FloatToQuantized<qint32>(out_max, in_min, in_max); in TestRequantizeManyInNewRange32To8Bit() 171 TestRequantizeMany(eigen_device, in_min, in_max, out_min, out_max, vals); in TestRequantizeManyInNewRange32To8Bit()
|
D | quantized_resize_bilinear_op.cc | 724 Tensor* out_max = nullptr; in Compute() local 725 OP_REQUIRES_OK(context, context->allocate_output(2, {}, &out_max)); in Compute() 726 out_max->flat<float>()(0) = in_max; in Compute()
|
D | quantized_resize_bilinear_op_test.cc | 215 {qrb.resized_images, qrb.out_min, qrb.out_max}, in TestResizeBilinear()
|
/external/xz-embedded/linux/lib/xz/ |
D | xz_dec_lzma2.c | 300 static void dict_limit(struct dictionary *dict, size_t out_max) in dict_limit() argument 302 if (dict->end - dict->pos <= out_max) in dict_limit() 305 dict->limit = dict->pos + out_max; in dict_limit()
|
/external/tensorflow/tensorflow/contrib/learn/python/learn/learn_io/ |
D | data_feeder.py | 914 out_max = self._y.max().compute().values[0] 915 encoded_out = np.zeros((out.size, out_max + 1), dtype=self._output_dtype)
|
/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/ |
D | convert_nodes.h | 538 float* out_max) const;
|
D | convert_nodes_test.cc | 553 float* out_max) const { in GetWeightRange() 554 return converter_->GetWeightRange(weights, out_min, out_max); in GetWeightRange() 811 float out_max = 0.0f; in TestGetWeightRange() local 812 TF_EXPECT_OK(test->GetWeightRange(weights, &out_min, &out_max)); in TestGetWeightRange() 814 EXPECT_EQ(6.0f, out_max); in TestGetWeightRange()
|
D | convert_nodes.cc | 1194 float* out_min, float* out_max) const { in GetWeightRange() 1200 *out_max = *result.second; in GetWeightRange() 1207 *out_max = Eigen::half_impl::half_to_float(*result.second); in GetWeightRange() 1214 *out_max = static_cast<float>(*result.second); in GetWeightRange()
|
/external/toybox/toys/pending/ |
D | xzcat.c | 1448 static void dict_limit(struct dictionary *dict, size_t out_max) in dict_limit() argument 1450 if (dict->end - dict->pos <= out_max) in dict_limit() 1453 dict->limit = dict->pos + out_max; in dict_limit()
|
/external/tensorflow/tensorflow/go/op/ |
D | wrappers.go | 21703 … ...QuantizedResizeBilinearAttr) (resized_images tf.Output, out_min tf.Output, out_max tf.Output) {
|
/external/tensorflow/tensorflow/core/ops/compat/ |
D | ops_history.v2.pbtxt | 50671 name: "out_max" 50720 name: "out_max"
|
D | ops_history.v1.pbtxt | 51254 name: "out_max" 51303 name: "out_max"
|
/external/tensorflow/tensorflow/core/ops/ |
D | ops.pbtxt | 26024 name: "out_max"
|