Home
last modified time | relevance | path

Searched refs:in_x (Results 1 – 25 of 45) sorted by relevance

12

/external/libxcam/modules/soft/
Dsoft_blender_tasks_priv.cpp43 uint32_t in_x = x * 4, in_y = y * 4; in gauss_luma_2x2() local
47 in_luma->read_array<float, 7> (in_x - 2, in_y - 2, line); in gauss_luma_2x2()
49 in_luma->read_array<float, 7> (in_x - 2, in_y - 1, line); in gauss_luma_2x2()
51 in_luma->read_array<float, 7> (in_x - 2, in_y, line); in gauss_luma_2x2()
54 in_luma->read_array<float, 7> (in_x - 2, in_y + 1, line); in gauss_luma_2x2()
57 in_luma->read_array<float, 7> (in_x - 2, in_y + 2, line); in gauss_luma_2x2()
60 in_luma->read_array<float, 7> (in_x - 2, in_y + 3, line); in gauss_luma_2x2()
62 in_luma->read_array<float, 7> (in_x - 2, in_y + 4, line); in gauss_luma_2x2()
112 int32_t in_x = x * 2, in_y = y * 2; in work_range() local
116 in_uv->read_array<Float2, 5> (in_x - 2, in_y - 2, uv_line); in work_range()
[all …]
/external/tensorflow/tensorflow/core/kernels/
Dbatch_matmul_op_impl.h76 static void Run(const OpKernelContext* context, const Tensor& in_x, in Run()
80 auto Tx = in_x.tensor<Scalar, 3>(); in Run()
112 static void Run(const OpKernelContext* context, const Tensor& in_x,
115 auto Tx = in_x.tensor<Scalar, 3>();
172 static void Run(const Tensor& in_x, const Tensor& in_y, bool adj_x,
175 auto x = ConstTensorSliceToEigenMatrix(in_x, i);
203 static void Launch(OpKernelContext* context, const Tensor& in_x,
210 const int64 batch_size = in_x.dim_size(0);
212 in_x.dim_size(1) * in_x.dim_size(2) * out->dim_size(2);
214 std::min(in_x.dim_size(1), in_x.dim_size(2)), out->dim_size(2));
[all …]
Dcrop_and_resize_op_gpu.cu.cc80 const float in_x = (crop_width > 1) in CropAndResizeKernel() local
83 if (in_x < 0 || in_x > image_width - 1) { in CropAndResizeKernel()
93 const int left_x_index = floorf(in_x); in CropAndResizeKernel()
94 const int right_x_index = ceilf(in_x); in CropAndResizeKernel()
95 const float x_lerp = in_x - left_x_index; in CropAndResizeKernel()
121 const int closest_x_index = roundf(in_x); in CropAndResizeKernel()
171 const float in_x = (crop_width > 1) in CropAndResizeBackpropImageKernel() local
174 if (in_x < 0 || in_x > image_width - 1) { in CropAndResizeBackpropImageKernel()
183 const int left_x_index = floorf(in_x); in CropAndResizeBackpropImageKernel()
184 const int right_x_index = ceilf(in_x); in CropAndResizeBackpropImageKernel()
[all …]
Dcrop_and_resize_op.cc257 const float in_x = (crop_width > 1) in operator ()() local
260 if (in_x < 0 || in_x > image_width - 1) { in operator ()()
266 const int left_x_index = floorf(in_x); in operator ()()
267 const int right_x_index = ceilf(in_x); in operator ()()
268 const float x_lerp = in_x - left_x_index; in operator ()()
287 const float in_x = (crop_width > 1) in operator ()() local
290 if (in_x < 0 || in_x > image_width - 1) { in operator ()()
296 const int closest_x_index = roundf(in_x); in operator ()()
475 const float in_x = (crop_width > 1) in operator ()() local
478 if (in_x < 0 || in_x > image_width - 1) { in operator ()()
[all …]
Dresize_bilinear_op_gpu.cu.cc58 const float in_x = (static_cast<float>(x) + 0.5f) * width_scale - 0.5f; in ResizeBilinearKernel() local
59 const int left_x_index = in_x > 0.0 ? floorf(in_x) : 0; in ResizeBilinearKernel()
61 (in_x < in_width - 1) ? ceilf(in_x) : in_width - 1; in ResizeBilinearKernel()
62 const float x_lerp = in_x - left_x_index; in ResizeBilinearKernel()
172 const float in_x = x * width_scale; in LegacyResizeBilinearKernel() local
173 const int left_x_index = floorf(in_x); in LegacyResizeBilinearKernel()
175 (in_x < in_width - 1) ? ceilf(in_x) : in_width - 1; in LegacyResizeBilinearKernel()
176 const float x_lerp = in_x - left_x_index; in LegacyResizeBilinearKernel()
Dresize_nearest_neighbor_op_gpu.cu.cc56 const int in_x = in ResizeNearestNeighborNHWC() local
61 const int idx = (in_y * in_width + in_x) * channels + c; in ResizeNearestNeighborNHWC()
86 const int in_x = in LegacyResizeNearestNeighborNHWC() local
90 const int idx = (in_y * in_width + in_x) * channels + c; in LegacyResizeNearestNeighborNHWC()
105 int in_x = n % in_width; in ResizeNearestNeighborBackwardNHWC() local
118 floorf((static_cast<float>(in_x) + 0.5f) * width_scale)), in ResizeNearestNeighborBackwardNHWC()
136 int in_x = n % in_width; in LegacyResizeNearestNeighborBackwardNHWC() local
147 min((align_corners) ? static_cast<int>(roundf(in_x * width_scale)) in LegacyResizeNearestNeighborBackwardNHWC()
148 : static_cast<int>(floorf(in_x * width_scale)), in LegacyResizeNearestNeighborBackwardNHWC()
Dresize_area_op.cc164 const float in_x = x * st.width_scale; in Compute() local
168 int64 v = floor(in_x); in Compute()
172 v < in_x ? (v + 1 > in_x1 ? st.width_scale : v + 1 - in_x) in Compute()
179 v < in_x ? (v + 1 > in_x1 ? st.width_scale : v + 1 - in_x) in Compute()
Dresize_area_op_test.cc110 const float in_x = x * width_scale; in ResizeAreaBaseline() local
114 int64 x_start = floor(in_x); in ResizeAreaBaseline()
123 float scale_x = j < in_x in ResizeAreaBaseline()
124 ? (j + 1 > in_x1 ? width_scale : j + 1 - in_x) in ResizeAreaBaseline()
Dconv_ops_fused_image_transform.cc236 float in_x = (cache_x - left_padding); in CalculatePerCachePixelParameters() local
237 if (in_x < 0) { in CalculatePerCachePixelParameters()
238 in_x = -(in_x + 1.0f - pad_offset); in CalculatePerCachePixelParameters()
239 } else if (in_x >= resized_width) { in CalculatePerCachePixelParameters()
240 in_x = (resized_width * 2.0f) - (in_x + 1.0f + pad_offset); in CalculatePerCachePixelParameters()
243 in_x *= st.width_scale; in CalculatePerCachePixelParameters()
245 result.left_x_index = static_cast<int64>(std::floor(in_x)); in CalculatePerCachePixelParameters()
247 std::min(static_cast<int64>(std::ceil(in_x)), (st.in_width - 1)); in CalculatePerCachePixelParameters()
249 result.x_lerp = static_cast<T1>(in_x - result.left_x_index); in CalculatePerCachePixelParameters()
Dresize_bilinear_op_test.cc96 const float in_x = in ResizeBilinearBaseline() local
101 std::max(static_cast<int64>(floorf(in_x)), static_cast<int64>(0)); in ResizeBilinearBaseline()
103 std::min(static_cast<int64>(ceilf(in_x)), in_width - 1); in ResizeBilinearBaseline()
104 const float x_lerp = in_x - std::floor(in_x); in ResizeBilinearBaseline()
Dresize_nearest_neighbor_op.cc156 Eigen::Index in_x = std::min( in operator ()() local
162 in_x = std::max(static_cast<Eigen::Index>(0), in_x); in operator ()()
164 std::copy_n(&input(b, in_y, in_x, 0), channels, &output(b, y, x, 0)); in operator ()()
Dresize_bilinear_op.cc330 const float in_x = scaler(x, width_scale); in ResizeGradCore() local
332 std::max(static_cast<Eigen::Index>(floorf(in_x)), in ResizeGradCore()
335 static_cast<Eigen::Index>(ceilf(in_x)), original_width - 1); in ResizeGradCore()
336 const float x_lerp = in_x - floorf(in_x); in ResizeGradCore()
/external/libxcam/cl_kernel/
Dkernel_bayer_pipe.cl131 int in_x, int in_y,
139 index = shared_pos (in_x - 1, in_y);
141 index = shared_pos (in_x - 1, in_y + 1);
155 index = shared_pos (in_x, in_y - 1);
157 index = shared_pos (in_x, in_y);
171 index = shared_pos (in_x, in_y);
173 index = shared_pos (in_x, in_y + 1);
176 index = shared_pos (in_x - 1, in_y - 1);
178 index = shared_pos (in_x - 1, in_y);
196 int in_x, int in_y,
[all …]
Dkernel_gauss_lap_pyramid.cl52 int in_x = g_x + in_offset_x;
60 … write_imageui (dump_orig, (int2)(g_x, g_y + 0), read_imageui(input, sampler, (int2)(in_x, g_y)));
61 …write_imageui (dump_orig, (int2)(g_x, g_y + 1), read_imageui(input, sampler, (int2)(in_x, g_y + 1)…
62 …write_imageui (dump_orig, (int2)(g_x, g_y + 2), read_imageui(input, sampler, (int2)(in_x, g_y + 2)…
63 …write_imageui (dump_orig, (int2)(g_x, g_y + 3), read_imageui(input, sampler, (int2)(in_x, g_y + 3)…
79 …onvert_float8(as_uchar8(convert_ushort4(read_imageui(input, sampler, (int2)(in_x - 1, cur_g_y)))));
82 … = convert_float8(as_uchar8(convert_ushort4(read_imageui(input, sampler, (int2)(in_x, cur_g_y)))));
85 …onvert_float8(as_uchar8(convert_ushort4(read_imageui(input, sampler, (int2)(in_x + 1, cur_g_y)))));
557 int in_x = g_x;
576 …onvert_float8(as_uchar8(convert_ushort4(read_imageui(input, sampler, (int2)(in_x - 1, cur_g_y)))));
[all …]
/external/deqp/external/openglcts/modules/glesext/tessellation_shader/
DesextcTessellationShaderUtils.hpp52 _ivec4(int in_x, int in_y, int in_z, int in_w) in _ivec4()
54 x = in_x; in _ivec4()
92 _vec2(float in_x, float in_y) in _vec2()
94 x = in_x; in _vec2()
134 _vec4(float in_x, float in_y, float in_z, float in_w) in _vec4()
136 x = in_x; in _vec4()
/external/tensorflow/tensorflow/lite/kernels/internal/reference/
Ddepthwiseconv_float.h67 const int in_x = in_x_origin + dilation_width_factor * filter_x; in DepthwiseConv() local
72 if ((in_x >= 0) && (in_x < input_width) && (in_y >= 0) && in DepthwiseConv()
75 input_data[Offset(input_shape, b, in_y, in_x, ic)]; in DepthwiseConv()
Ddepthwiseconv_uint8.h141 const int in_x = in Run() local
147 if ((in_x >= 0) && (in_x < input_width) && (in_y >= 0) && in Run()
150 input_data[Offset(input_shape, b, in_y, in_x, ic)]; in Run()
/external/tensorflow/tensorflow/lite/kernels/internal/reference/integer_ops/
Dconv.h74 const int in_x = in_x_origin + dilation_width_factor * filter_x; in ConvPerChannel() local
79 (in_x >= 0) && (in_x < input_width) && (in_y >= 0) && in ConvPerChannel()
83 in_x, in_channel)]; in ConvPerChannel()
Ddepthwise_conv.h73 const int in_x = in_x_origin + dilation_width_factor * filter_x; in DepthwiseConvPerChannel() local
78 (in_x >= 0) && (in_x < input_width) && (in_y >= 0) && in DepthwiseConvPerChannel()
82 in_x, in_channel)]; in DepthwiseConvPerChannel()
Dpooling.h61 const int in_x = in_x_origin + filter_x; in AveragePool() local
64 input_data[Offset(input_shape, batch, in_y, in_x, channel)]; in AveragePool()
121 const int in_x = in_x_origin + filter_x; in MaxPool() local
125 input_data[Offset(input_shape, batch, in_y, in_x, channel)]); in MaxPool()
/external/eigen/unsupported/test/
Dcxx11_tensor_cuda.cu718 Tensor<Scalar, 1> in_x(6); in test_cuda_zeta() local
724 in_x(0) = Scalar(1); in test_cuda_zeta()
725 in_x(1) = Scalar(1.5); in test_cuda_zeta()
726 in_x(2) = Scalar(4); in test_cuda_zeta()
727 in_x(3) = Scalar(-10.5); in test_cuda_zeta()
728 in_x(4) = Scalar(10000.5); in test_cuda_zeta()
729 in_x(5) = Scalar(3); in test_cuda_zeta()
745 std::size_t bytes = in_x.size() * sizeof(Scalar); in test_cuda_zeta()
754 cudaMemcpy(d_in_x, in_x.data(), bytes, cudaMemcpyHostToDevice); in test_cuda_zeta()
786 Tensor<Scalar, 1> in_x(7); in test_cuda_polygamma() local
[all …]
/external/freetype/src/base/
Dftcalc.c977 ft_corner_orientation( FT_Pos in_x, in ft_corner_orientation() argument
984 FT_Int64 delta = (FT_Int64)in_x * out_y - (FT_Int64)in_y * out_x; in ft_corner_orientation()
996 if ( ADD_LONG( FT_ABS( in_x ), FT_ABS( out_y ) ) <= 131071L && in ft_corner_orientation()
999 FT_Long z1 = MUL_LONG( in_x, out_y ); in ft_corner_orientation()
1016 ft_multo64( (FT_UInt32)in_x, (FT_UInt32)out_y, &z1 ); in ft_corner_orientation()
1041 ft_corner_is_flat( FT_Pos in_x, in ft_corner_is_flat() argument
1046 FT_Pos ax = in_x + out_x; in ft_corner_is_flat()
1071 d_in = FT_HYPOT( in_x, in_y ); in ft_corner_is_flat()
/external/tensorflow/tensorflow/contrib/learn/python/learn/ops/
Dseq2seq_ops.py85 in_x = array_ops.unstack(x, axis=1)
95 return in_x, in_y, out_y
Dseq2seq_ops_test.py66 in_x, in_y, out_y = ops.seq2seq_inputs(x, y, 3, 2)
67 enc_inp = session.run(in_x, feed_dict={x.name: inp})
/external/tensorflow/tensorflow/contrib/pi_examples/label_image/
Dlabel_image.cc176 const float in_x = x * width_scale; in ReadTensorFromImageFile() local
177 const int left_x_index = static_cast<int>(floorf(in_x)); in ReadTensorFromImageFile()
179 std::min(static_cast<int>(ceilf(in_x)), (image_width - 1)); in ReadTensorFromImageFile()
188 const float x_lerp = in_x - left_x_index; in ReadTensorFromImageFile()

12