/external/libjpeg-turbo/ |
D | transupp.c | 96 int offset_y, k; in dequant_comp() local 108 for (offset_y = 0; offset_y < compptr->v_samp_factor; offset_y++) { in dequant_comp() 109 block = buffer[offset_y]; in dequant_comp() 126 int offset_y, k; in requant_comp() local 139 for (offset_y = 0; offset_y < compptr->v_samp_factor; offset_y++) { in requant_comp() 140 block = buffer[offset_y]; in requant_comp() 241 int ci, offset_y; in do_drop() local 259 for (offset_y = 0; offset_y < compptr->v_samp_factor; offset_y++) { in do_drop() 260 jcopy_block_row(src_buffer[offset_y], in do_drop() 261 dst_buffer[offset_y] + x_drop_blocks, comp_width); in do_drop() [all …]
|
/external/webrtc/api/video/ |
D | video_frame.cc | 29 int bottom = std::max(offset_y + height, other.offset_y + other.height); in Union() 31 offset_y = std::min(offset_y, other.offset_y); in Union() 33 height = bottom - offset_y; in Union() 45 int bottom = std::min(offset_y + height, other.offset_y + other.height); in Intersect() 47 offset_y = std::max(offset_y, other.offset_y); in Intersect() 49 height = bottom - offset_y; in Intersect() 56 width = height = offset_x = offset_y = 0; in MakeEmptyUpdate() 86 offset_y + height < crop_y || offset_y > crop_y + crop_width) { in ScaleWithFrame() 96 int y = offset_y - crop_y; in ScaleWithFrame() 276 RTC_DCHECK_GE(update_rect_->offset_y, 0); in VideoFrame() [all …]
|
D | video_frame.h | 34 int offset_y; member 52 return other.offset_x == offset_x && other.offset_y == offset_y && 217 RTC_DCHECK_GE(update_rect.offset_y, 0); in set_update_rect() 219 RTC_DCHECK_LE(update_rect.offset_y + update_rect.height, height()); in set_update_rect()
|
D | i010_buffer.cc | 201 int offset_y, in CropAndScaleFrom() argument 207 RTC_CHECK_LE(crop_height + offset_y, src.height()); in CropAndScaleFrom() 209 RTC_CHECK_GE(offset_y, 0); in CropAndScaleFrom() 213 const int uv_offset_y = offset_y / 2; in CropAndScaleFrom() 215 offset_y = uv_offset_y * 2; in CropAndScaleFrom() 217 const uint16_t* y_plane = src.DataY() + src.StrideY() * offset_y + offset_x; in CropAndScaleFrom()
|
D | i420_buffer.cc | 186 int offset_y, in CropAndScaleFrom() argument 192 RTC_CHECK_LE(crop_height + offset_y, src.height()); in CropAndScaleFrom() 194 RTC_CHECK_GE(offset_y, 0); in CropAndScaleFrom() 198 const int uv_offset_y = offset_y / 2; in CropAndScaleFrom() 200 offset_y = uv_offset_y * 2; in CropAndScaleFrom() 202 const uint8_t* y_plane = src.DataY() + src.StrideY() * offset_y + offset_x; in CropAndScaleFrom()
|
/external/angle/src/libANGLE/ |
D | gen_overlay_fonts.py | 175 offset_y = glyph_height - (top - glyph_descender) 185 assert (offset_y + rows <= glyph_height) 190 … if y < offset_y or y >= offset_y + rows or x < offset_x or x >= offset_x + width: 193 pixel_value = bitmap.buffer[(y - offset_y) * pitch + (x - offset_x)]
|
D | gen_overlay_widgets.py | 249 offset_y, offset_y_is_top = get_offset_y(widget) 286 offset_y=offset_y,
|
/external/ComputeLibrary/src/core/NEON/kernels/ |
D | NEHOGDetectorKernel.cpp | 123 const int32_t offset_y = yb * _num_bins_per_descriptor_x; in run() local 142 vld1q_f32(&_hog_descriptor[xb + 0 + offset_y]), in run() 143 vld1q_f32(&_hog_descriptor[xb + 4 + offset_y]), in run() 144 vld1q_f32(&_hog_descriptor[xb + 8 + offset_y]), in run() 145 vld1q_f32(&_hog_descriptor[xb + 12 + offset_y]) in run() 159 const float b = _hog_descriptor[xb + offset_y]; in run()
|
D | NEReverseKernel.cpp | 121 … const int offset_y = (axis_bit & 0x2) ? output->info()->dimension(1) - id.y() - 1 : id.y(); in run_reverse() local 125 …tr = reinterpret_cast<T *>(output->ptr_to_element(Coordinates(offset_x, offset_y, offset_z, offset… in run_reverse() 135 … const int offset_y = (axis_bit & 0x2) ? output->info()->dimension(1) - id.y() - 1 : id.y(); in run_reverse() local 139 …*reinterpret_cast<T *>(output->ptr_to_element(Coordinates(offset_x, offset_y, offset_z, offset_w))… in run_reverse()
|
/external/tensorflow/tensorflow/core/kernels/ |
D | quantized_mul_op.cc | 115 const T* y_data, int32_t offset_y, int64_t num_elements, in VectorMultiply() argument 119 (static_cast<int32>(y_data[i]) - offset_y); in VectorMultiply() 127 const quint8* y_data, int32 offset_y, in VectorMultiply() argument 130 const uint8x8_t offset_y_8x8 = vmov_n_u8(offset_y); in VectorMultiply() 184 (static_cast<int32>(y_data[i]) - offset_y); in VectorMultiply() 324 const int32_t offset_y = FloatToQuantizedUnclamped<T>(0.0f, min_y, max_y); in Compute() local 332 ScalarMultiply<T, Toutput>(context, y_data, offset_y, y.NumElements(), in Compute() 336 y_data[0], offset_y, z_data); in Compute() 338 VectorMultiply<T, Toutput>(context, x_data, offset_x, y_data, offset_y, in Compute() 354 tensor_offset = offset_y; in Compute() [all …]
|
D | eigen_attention.h | 145 const Index offset_y = (Index)y; in eval() local 149 DSizes<Index, 3> slice_offset(0, offset_x, offset_y); in eval() 164 if (offset_y < 0) { in eval() 166 glimpse_height = (std::max<Index>)(0, height_ + offset_y); in eval() 170 } else if (offset_y + height_ >= input_height) { in eval() 171 glimpse_height = (std::max<Index>)(0, input_height - offset_y); in eval()
|
/external/libhevc/encoder/ |
D | ihevce_dep_mngr.c | 1059 WORD32 offset_y, in ihevce_dmgr_map_chk_sync() argument 1083 ASSERT(offset_y >= 0); in ihevce_dmgr_map_chk_sync() 1085 ASSERT(offset_y < i4_tile_ht); in ihevce_dmgr_map_chk_sync() 1096 i4_avail_top = MIN(i4_sr_ctb_y, offset_y); in ihevce_dmgr_map_chk_sync() 1123 i4_avail_bot = MIN(i4_sr_ctb_y, (i4_tile_ht - offset_y - 1)); in ihevce_dmgr_map_chk_sync() 1130 pi1_ctb += ((offset_y - i4_avail_top) * i4_stride + (offset_x - i4_avail_left)); in ihevce_dmgr_map_chk_sync() 1172 void *pv_dep_mngr_state, WORD32 offset_x, WORD32 offset_y, WORD32 i4_map_value) in ihevce_dmgr_map_set_sync() argument 1182 ASSERT(offset_y >= (-ps_dep_mngr_state->ai4_tile_xtra_ctb[0])); in ihevce_dmgr_map_set_sync() 1189 offset_y < in ihevce_dmgr_map_set_sync() 1199 *(pi1_tile_start + offset_y * map_stride + offset_x) = (WORD8)i4_map_value; in ihevce_dmgr_map_set_sync()
|
D | ihevce_dep_mngr_interface.h | 181 WORD32 offset_y, 186 void *pv_dep_mngr_state, WORD32 offset_x, WORD32 offset_y, WORD32 e_map_value);
|
/external/ComputeLibrary/tests/validation/reference/ |
D | HOGDetector.cpp | 81 …for(auto win_y = 0u, offset_y = 0u; win_y < num_windows.height; win_y += window_step.height, offse… in hog_detector() local 96 const float a = src[x + offset_x + offset_y + offset_row]; in hog_detector()
|
/external/webrtc/modules/desktop_capture/linux/ |
D | window_list_utils.cc | 172 int offset_y; in GetWindowRect() local 190 -rect->top(), &offset_x, &offset_y, &child) || in GetWindowRect() 195 rect->Translate(offset_x, offset_y); in GetWindowRect()
|
/external/llvm/lib/Target/AMDGPU/ |
D | R600Intrinsics.td | 27 llvm_i32_ty, // offset_y, 40 llvm_i32_ty, // offset_y,
|
/external/libgav1/libgav1/src/dsp/ |
D | film_grain.cc | 267 const int offset_y = rand & 15; in ConstructNoiseStripes_C() local 271 (subsampling_y != 0) ? 6 + offset_y : 9 + offset_y * 2; in ConstructNoiseStripes_C() 329 const int offset_y = rand & 15; in ConstructNoiseStripesWithOverlap_C() local 333 (subsampling_y != 0) ? 6 + offset_y : 9 + offset_y * 2; in ConstructNoiseStripesWithOverlap_C() 347 const int offset_y = rand & 15; in ConstructNoiseStripesWithOverlap_C() local 351 (subsampling_y != 0) ? 6 + offset_y : 9 + offset_y * 2; in ConstructNoiseStripesWithOverlap_C()
|
/external/libmpeg2/decoder/ |
D | impeg2d_pnb_pic.c | 566 UWORD32 offset_x, offset_y, stride; in impeg2d_dec_p_b_slice() local 582 offset_y = (ps_dec->u2_mb_y << 4); in impeg2d_dec_p_b_slice() 584 ps_dec->s_dest_buf.pu1_y = ps_cur_frm_buf->pu1_y + offset_y * stride + offset_x; in impeg2d_dec_p_b_slice() 588 ps_dec->s_dest_buf.pu1_u = ps_cur_frm_buf->pu1_u + (offset_y >> 1) * stride in impeg2d_dec_p_b_slice() 591 ps_dec->s_dest_buf.pu1_v = ps_cur_frm_buf->pu1_v + (offset_y >> 1) * stride in impeg2d_dec_p_b_slice()
|
/external/tensorflow/tensorflow/core/kernels/image/ |
D | attention_ops.cc | 116 float offset_y = offsets.tensor<float, 2>()(i, 0); in Compute() local 120 offset_vec.push_back(Eigen::IndexPair<float>(offset_x, offset_y)); in Compute()
|
/external/libhevc/encoder/arm/ |
D | ihevce_me_neon.c | 271 WORD32 offset_y[NUM_CANDIDATES_IN_GRID] = { 0, 0, -grd_sz_y, 0, grd_sz_y, in compute_part_sads_for_MxM_blk_neon() local 308 pu1_ref_ptr_center + offset_x[j] + ref_buf_stride * offset_y[j]; in compute_part_sads_for_MxM_blk_neon() 310 cand0->mv.i2_mv_y = (S16)(mv_y) + offset_y[j]; in compute_part_sads_for_MxM_blk_neon() 355 WORD32 offset_y[NUM_CANDIDATES_IN_GRID] = { 0, 0, -grd_sz_y, 0, grd_sz_y, in compute_4x4_sads_for_16x16_blk_neon() local 389 pu1_ref_ptr_center + offset_x[j] + ref_buf_stride * offset_y[j]; in compute_4x4_sads_for_16x16_blk_neon() 391 cand0->mv.i2_mv_y = (S16)(mv_y) + offset_y[j]; in compute_4x4_sads_for_16x16_blk_neon()
|
/external/libgav1/libgav1/src/dsp/arm/ |
D | intrapred_directional_neon.cc | 427 int16x8_t offset_y, shift_upsampled = left_y; in DirectionalZone2FromLeftCol_WxH() local 429 offset_y = vshrq_n_s16(left_y, 5); in DirectionalZone2FromLeftCol_WxH() 432 offset_y = vshrq_n_s16(left_y, 6); in DirectionalZone2FromLeftCol_WxH() 442 vaddq_s16(offset_y, vdupq_n_s16(kPositiveIndexOffset)); in DirectionalZone2FromLeftCol_WxH() 1564 int16x4_t offset_y; in DirectionalZone2FromLeftCol_4xH() local 1569 offset_y = vshr_n_s16(left_y, index_scale_bits - 1 /*upsample_shift*/); in DirectionalZone2FromLeftCol_4xH() 1572 offset_y = vshr_n_s16(left_y, index_scale_bits); in DirectionalZone2FromLeftCol_4xH() 1574 offset_y = vshl_n_s16(offset_y, 1); in DirectionalZone2FromLeftCol_4xH() 1585 vadd_s16(offset_y, vdup_n_s16(kPositiveIndexOffsetBytes)); in DirectionalZone2FromLeftCol_4xH() 1620 int16x8_t offset_y = left_y; in DirectionalZone2FromLeftCol_8xH() local [all …]
|
/external/libgav1/libgav1/src/dsp/x86/ |
D | intrapred_directional_sse4.cc | 606 __m128i offset_y = _mm_srai_epi16(left_y, scale_bits); in DirectionalZone2FromLeftCol_4x4_SSE4_1() local 607 offset_y = _mm_packs_epi16(offset_y, offset_y); in DirectionalZone2FromLeftCol_4x4_SSE4_1() 609 const __m128i adjacent = _mm_add_epi8(offset_y, index_increment); in DirectionalZone2FromLeftCol_4x4_SSE4_1() 610 __m128i sampler = _mm_unpacklo_epi8(offset_y, adjacent); in DirectionalZone2FromLeftCol_4x4_SSE4_1() 646 __m128i offset_y = _mm_srai_epi16(left_y, scale_bits); in DirectionalZone2FromLeftCol_8x8_SSE4_1() local 647 offset_y = _mm_packs_epi16(offset_y, offset_y); in DirectionalZone2FromLeftCol_8x8_SSE4_1() 648 const __m128i adjacent = _mm_add_epi8(offset_y, index_increment); in DirectionalZone2FromLeftCol_8x8_SSE4_1() 652 __m128i sampler = _mm_unpacklo_epi8(offset_y, adjacent); in DirectionalZone2FromLeftCol_8x8_SSE4_1()
|
/external/ComputeLibrary/src/core/CL/cl_kernels/ |
D | winograd_output_transform.cl | 292 … int2 offset_y = min((int2)y_out + (int2)(0, 1), (int2)((int)DST_WIDTH - 1)) * (int2)dst_stride_y; 300 *(__global DATA_TYPE *)(dst_base_ptr + offset_y.s1) = out0_dt.s1; 301 *(__global DATA_TYPE *)(dst_base_ptr + offset_y.s0) = out0_dt.s0; 399 … int2 offset_y = min((int2)y_out + (int2)(0, 1), (int2)((int)DST_WIDTH - 1)) * (int2)dst_stride_y; 410 *(__global DATA_TYPE *)(dst_base_ptr + offset_y.s1 + offset_z.s1) = out_col1_dt.s1; 411 *(__global DATA_TYPE *)(dst_base_ptr + offset_y.s1 + offset_z.s0) = out_col1_dt.s0; 412 *(__global DATA_TYPE *)(dst_base_ptr + offset_y.s0 + offset_z.s1) = out_col0_dt.s1; 413 *(__global DATA_TYPE *)(dst_base_ptr + offset_y.s0 + offset_z.s0) = out_col0_dt.s0; 867 …int4 offset_y = min((int4)y_out + (int4)(0, 1, 2, 3), (int4)((int)DST_WIDTH - 1)) * (int4)dst_stri… 875 *((__global DATA_TYPE *)(dst_base_ptr + offset_y.s3)) = out0_dt.s3; [all …]
|
/external/libgav1/libgav1/src/ |
D | prediction_mask.cc | 200 const uint8_t offset_y = in GenerateWedgeMask() local 219 uint8_t* master_mask_row = &master_mask[direction][offset_y][offset_x]; in GenerateWedgeMask()
|
/external/XNNPACK/src/operators/ |
D | deconvolution-nhwc.c | 183 for (size_t offset_y = 0; offset_y < stride_height; offset_y++) { in create_deconvolution2d_nhwc() local 185 const size_t subkernel_height = divide_round_up(kernel_height - offset_y, stride_height); in create_deconvolution2d_nhwc() 712 for (size_t offset_y = 0; offset_y < stride_height; offset_y++) { in setup_subconv2d_path() local 715 const size_t output_y_start = subtract_modulo(offset_y, modulo_padding_top, stride_height); in setup_subconv2d_path()
|