/external/libaom/av1/encoder/ |
D | partition_search.c | 105 const BLOCK_SIZE bsize, const int mi_row, in collect_tpl_stats_sb() argument 127 AOMMIN(mi_size_wide[bsize], cm->mi_params.mi_cols - mi_col); in collect_tpl_stats_sb() 129 AOMMIN(mi_size_high[bsize], cm->mi_params.mi_rows - mi_row); in collect_tpl_stats_sb() 139 fprintf(pfile, "%d,%d,%d,%d,%d\n", mi_row, mi_col, bsize, in collect_tpl_stats_sb() 210 const BLOCK_SIZE bsize = mbmi->bsize; in update_txfm_count() local 211 const int max_blocks_high = max_block_high(xd, bsize, 0); in update_txfm_count() 212 const int max_blocks_wide = max_block_wide(xd, bsize, 0); in update_txfm_count() 214 xd->left_txfm_context + blk_row, mbmi->bsize, in update_txfm_count() 216 const int txb_size_index = av1_get_txb_size_index(bsize, blk_row, blk_col); in update_txfm_count() 298 const BLOCK_SIZE bsize = mbmi->bsize; in set_txfm_context() local [all …]
|
D | compound_type.c | 22 const AV1_COMP *const cpi, MACROBLOCK *x, const BLOCK_SIZE bsize, 122 const BLOCK_SIZE bsize, const uint8_t *pred0, in estimate_wedge_sign() argument 146 const int bw = block_size_wide[bsize]; in estimate_wedge_sign() 147 const int bh = block_size_high[bsize]; in estimate_wedge_sign() 153 const BLOCK_SIZE f_index = split_qtr[bsize]; in estimate_wedge_sign() 185 const BLOCK_SIZE bsize, const uint8_t *const p0, in pick_wedge() argument 192 const int bw = block_size_wide[bsize]; in pick_wedge() 193 const int bh = block_size_high[bsize]; in pick_wedge() 201 const int8_t wedge_types = get_wedge_types_lookup(bsize); in pick_wedge() 228 mask = av1_get_contiguous_soft_mask(wedge_index, 0, bsize); in pick_wedge() [all …]
|
D | partition_strategy.c | 36 int mi_row, int mi_col, BLOCK_SIZE bsize, float *features, 75 AV1_COMP *const cpi, MACROBLOCK *const x, BLOCK_SIZE bsize, int part_ctx, 81 static INLINE int convert_bsize_to_idx(BLOCK_SIZE bsize) { in convert_bsize_to_idx() argument 82 switch (bsize) { in convert_bsize_to_idx() 111 const int bsize, const int mi_row, in write_features_to_file() argument 121 fprintf(pfile, "%d,%d,%d,%d,%d\n", id, bsize, mi_row, mi_col, feature_size); in write_features_to_file() 144 const BLOCK_SIZE bsize = blk_params->bsize; in av1_intra_mode_cnn_partition() local 146 const int bsize_idx = convert_bsize_to_idx(bsize); in av1_intra_mode_cnn_partition() 148 if (bsize == BLOCK_128X128) { in av1_intra_mode_cnn_partition() 155 if (bsize == BLOCK_64X64 && !part_info->cnn_output_valid) { in av1_intra_mode_cnn_partition() [all …]
|
D | partition_search.h | 23 int mi_col, BLOCK_SIZE bsize); 26 BLOCK_SIZE bsize); 29 int mi_col, BLOCK_SIZE bsize, int *rate, 34 BLOCK_SIZE bsize, PC_TREE *pc_tree); 38 int mi_row, int mi_col, BLOCK_SIZE bsize, 48 int mi_col, BLOCK_SIZE bsize, 52 int mi_col, BLOCK_SIZE bsize, RD_STATS *rd_cost, 65 static AOM_INLINE void update_cb_offsets(MACROBLOCK *x, const BLOCK_SIZE bsize, in update_cb_offsets() argument 68 x->cb_offset[PLANE_TYPE_Y] += block_size_wide[bsize] * block_size_high[bsize]; in update_cb_offsets() 71 get_plane_block_size(bsize, subsampling_x, subsampling_y); in update_cb_offsets()
|
D | intra_mode_search.c | 232 BLOCK_SIZE bsize, int mode_cost, in rd_pick_filter_intra_sby() argument 273 if (model_intra_yrd_and_prune(cpi, x, bsize, best_model_rd)) { in rd_pick_filter_intra_sby() 276 av1_pick_uniform_tx_size_type_yrd(cpi, x, &tokenonly_rd_stats, bsize, in rd_pick_filter_intra_sby() 281 intra_mode_info_cost_y(cpi, x, mbmi, bsize, mode_cost, 0); in rd_pick_filter_intra_sby() 286 this_rd = (int64_t)(this_rd * intra_rd_variance_factor(cpi, x, bsize)); in rd_pick_filter_intra_sby() 292 &cpi->common, x, mbmi, NULL, NULL, NULL, 0, NULL, bsize, this_rd, in rd_pick_filter_intra_sby() 463 const AV1_COMP *const cpi, MACROBLOCK *x, BLOCK_SIZE bsize, in pick_intra_angle_routine_sbuv() argument 472 if (!av1_txfm_uvrd(cpi, x, &tokenonly_rd_stats, bsize, best_rd_in)) in pick_intra_angle_routine_sbuv() 475 intra_mode_info_cost_uv(cpi, x, mbmi, bsize, rate_overhead); in pick_intra_angle_routine_sbuv() 498 BLOCK_SIZE bsize, int rate_overhead, in rd_pick_intra_angle_sbuv() argument [all …]
|
D | nonrd_pickmode.c | 278 BLOCK_SIZE bsize, in early_term_inter_search_with_sse() argument 291 const int size_group = size_group_lookup[bsize]; in early_term_inter_search_with_sse() 325 static INLINE int subpel_select(AV1_COMP *cpi, MACROBLOCK *x, BLOCK_SIZE bsize, in subpel_select() argument 334 mv_thresh = (bsize > BLOCK_32X32) ? 2 : (bsize > BLOCK_16X16) ? 4 : 6; in subpel_select() 348 mv_thresh = (bsize >= BLOCK_32X32) ? th_vals[th_idx][0] in subpel_select() 349 : (bsize >= BLOCK_16X16) ? th_vals[th_idx][1] in subpel_select() 364 bsize > BLOCK_16X16 && qband != 0) { in subpel_select() 416 BLOCK_SIZE bsize, int mi_row, int mi_col, in combined_motion_search() argument 460 av1_make_default_fullpel_ms_params(&full_ms_params, cpi, x, bsize, ¢er_mv, in combined_motion_search() 479 av1_make_default_subpel_ms_params(&ms_params, cpi, x, bsize, &ref_mv, in combined_motion_search() [all …]
|
D | tx_search.h | 36 static AOM_INLINE int tx_size_cost(const MACROBLOCK *const x, BLOCK_SIZE bsize, in tx_size_cost() argument 38 assert(bsize == x->e_mbd.mi[0]->bsize); in tx_size_cost() 40 !block_signals_txsize(bsize)) in tx_size_cost() 43 const int32_t tx_size_cat = bsize_to_tx_size_cat(bsize); in tx_size_cost() 44 const int depth = tx_size_to_depth(tx_size, bsize); in tx_size_cost() 96 RD_STATS *rd_stats, BLOCK_SIZE bsize, 137 BLOCK_SIZE bsize, int64_t ref_best_rd); 197 int av1_txfm_search(const AV1_COMP *cpi, MACROBLOCK *x, BLOCK_SIZE bsize,
|
D | interp_search.c | 125 MACROBLOCK *const x, const AV1_COMP *const cpi, BLOCK_SIZE bsize, in interp_model_rd_eval() argument 137 av1_enc_build_inter_predictor(cm, xd, mi_row, mi_col, orig_dst, bsize, in interp_model_rd_eval() 144 cpi, bsize, x, xd, plane_from, plane_to, &tmp_rd_stats.rate, in interp_model_rd_eval() 154 const TileDataEnc *tile_data, BLOCK_SIZE bsize, in interpolation_filter_rd() argument 208 interp_model_rd_eval(x, cpi, bsize, orig_dst, AOM_PLANE_Y, AOM_PLANE_Y, in interpolation_filter_rd() 213 av1_pick_recursive_tx_size_type_yrd(cpi, x, &rd_stats_y, bsize, in interpolation_filter_rd() 215 PrintPredictionUnitStats(cpi, tile_data, x, &rd_stats_y, bsize); in interpolation_filter_rd() 228 interp_model_rd_eval(x, cpi, bsize, orig_dst, plane, plane, in interpolation_filter_rd() 270 const AV1_COMP *const cpi, MACROBLOCKD *xd, BLOCK_SIZE bsize, in is_pred_filter_search_allowed() argument 275 const int bsl = mi_size_wide_log2[bsize]; in is_pred_filter_search_allowed() [all …]
|
D | motion_search_facade.c | 50 BLOCK_SIZE bsize, int ref, in get_mv_candidate_from_tpl() argument 67 const int nw = mi_size_wide[bsize] / tplw; in get_mv_candidate_from_tpl() 68 const int nh = mi_size_high[bsize] / tplh; in get_mv_candidate_from_tpl() 121 BLOCK_SIZE bsize, int ref_idx, int *rate_mv, in av1_single_motion_search() argument 181 get_mv_candidate_from_tpl(cpi, x, bsize, ref, cand, &cnt, &total_weight); in av1_single_motion_search() 249 av1_make_default_fullpel_ms_params(&full_ms_params, cpi, x, bsize, &ref_mv, in av1_single_motion_search() 356 av1_make_default_subpel_ms_params(&ms_params, cpi, x, bsize, &ref_mv, in av1_single_motion_search() 381 bsize, 0, 0); in av1_single_motion_search() 382 av1_subtract_plane(x, bsize, 0); in av1_single_motion_search() 385 av1_estimate_txfm_yrd(cpi, x, &this_rd_stats, INT64_MAX, bsize, in av1_single_motion_search() [all …]
|
D | encodeframe_utils.h | 142 BLOCK_SIZE bsize; member 283 const BLOCK_SIZE bsize = blk_params->bsize; in av1_is_whole_blk_in_frame() local 284 return mi_row + mi_size_high[bsize] <= mi_params->mi_rows && in av1_is_whole_blk_in_frame() 285 mi_col + mi_size_wide[bsize] <= mi_params->mi_cols; in av1_is_whole_blk_in_frame() 325 static AOM_INLINE int do_split_check(BLOCK_SIZE bsize) { in do_split_check() argument 326 return (bsize == BLOCK_16X16 || bsize == BLOCK_32X32); in do_split_check() 341 int av1_get_rdmult_delta(AV1_COMP *cpi, BLOCK_SIZE bsize, int mi_row, 348 void av1_get_tpl_stats_sb(AV1_COMP *cpi, BLOCK_SIZE bsize, int mi_row, 352 int64_t *delta_dist, BLOCK_SIZE bsize, 356 BLOCK_SIZE bsize, int mi_row, int mi_col); [all …]
|
D | encodeframe_utils.c | 21 const BLOCK_SIZE bsize, const int mi_row, in av1_set_ssim_rdmult() argument 30 const int num_bcols = (mi_size_wide[bsize] + num_mi_w - 1) / num_mi_w; in av1_set_ssim_rdmult() 31 const int num_brows = (mi_size_high[bsize] + num_mi_h - 1) / num_mi_h; in av1_set_ssim_rdmult() 78 const BLOCK_SIZE bsize, const int mi_row, in av1_get_cb_rdmult() argument 94 const int mi_wide = mi_size_wide[bsize]; in av1_get_cb_rdmult() 95 const int mi_high = mi_size_high[bsize]; in av1_get_cb_rdmult() 131 const BLOCK_SIZE bsize, const int mi_row, in av1_get_hier_tpl_rdmult() argument 148 coded_to_superres_mi(mi_size_wide[bsize], cm->superres_scale_denominator); in av1_get_hier_tpl_rdmult() 156 const int num_brows = (mi_size_high[bsize] + num_mi_h - 1) / num_mi_h; in av1_get_hier_tpl_rdmult() 179 if (bsize == cm->seq_params->sb_size) { in av1_get_hier_tpl_rdmult() [all …]
|
D | allintra_vis.c | 45 static int64_t get_satd(AV1_COMP *const cpi, BLOCK_SIZE bsize, int mi_row, in get_satd() argument 48 const int mi_wide = mi_size_wide[bsize]; in get_satd() 49 const int mi_high = mi_size_high[bsize]; in get_satd() 73 static int64_t get_sse(AV1_COMP *const cpi, BLOCK_SIZE bsize, int mi_row, in get_sse() argument 76 const int mi_wide = mi_size_wide[bsize]; in get_sse() 77 const int mi_high = mi_size_high[bsize]; in get_sse() 102 static double get_max_scale(AV1_COMP *const cpi, BLOCK_SIZE bsize, int mi_row, in get_max_scale() argument 105 const int mi_wide = mi_size_wide[bsize]; in get_max_scale() 106 const int mi_high = mi_size_high[bsize]; in get_max_scale() 125 static int get_window_wiener_var(AV1_COMP *const cpi, BLOCK_SIZE bsize, in get_window_wiener_var() argument [all …]
|
/external/libaom/test/ |
D | comp_mask_variance_test.cc | 57 void RunCheckOutput(comp_mask_pred_func test_impl, BLOCK_SIZE bsize, int inv); 58 void RunSpeedTest(comp_mask_pred_func test_impl, BLOCK_SIZE bsize); 112 BLOCK_SIZE bsize, int inv) { in RunCheckOutput() argument 113 const int w = block_size_wide[bsize]; in RunCheckOutput() 114 const int h = block_size_high[bsize]; in RunCheckOutput() 115 const int wedge_types = get_wedge_types_lookup(bsize); in RunCheckOutput() 117 const uint8_t *mask = av1_get_contiguous_soft_mask(wedge_index, 1, bsize); in RunCheckOutput() 129 BLOCK_SIZE bsize) { in RunSpeedTest() argument 130 const int w = block_size_wide[bsize]; in RunSpeedTest() 131 const int h = block_size_high[bsize]; in RunSpeedTest() [all …]
|
D | av1_k_means_test.cc | 55 void RunCheckOutput(av1_calc_indices_dim1_func test_impl, BLOCK_SIZE bsize, 57 void RunSpeedTest(av1_calc_indices_dim1_func test_impl, BLOCK_SIZE bsize, 93 BLOCK_SIZE bsize, int k) { in RunCheckOutput() argument 94 const int w = block_size_wide[bsize]; in RunCheckOutput() 95 const int h = block_size_high[bsize]; in RunCheckOutput() 103 << " block " << bsize << " index " << n << " Centroids " << k; in RunCheckOutput() 107 BLOCK_SIZE bsize, int k) { in RunSpeedTest() argument 108 const int w = block_size_wide[bsize]; in RunSpeedTest() 109 const int h = block_size_high[bsize]; in RunSpeedTest() 161 void RunCheckOutput(av1_calc_indices_dim2_func test_impl, BLOCK_SIZE bsize, [all …]
|
D | blend_a64_mask_test.cc | 197 int bsize = rng_.Rand8() % BLOCK_SIZES_ALL; in TEST_P() local 209 RunTest(bsize, 1); in TEST_P() 215 int bsize = rng_.Rand8() % BLOCK_SIZES_ALL; in TEST_P() local 226 RunTest(bsize, 1); in TEST_P() 231 for (int bsize = 0; bsize < BLOCK_SIZES_ALL; ++bsize) { in TEST_P() local 243 RunOneTest(bsize, 1, 1, kRunTimes); in TEST_P() 244 RunOneTest(bsize, 1, 0, kRunTimes); in TEST_P() 245 RunOneTest(bsize, 0, 1, kRunTimes); in TEST_P() 246 RunOneTest(bsize, 0, 0, kRunTimes); in TEST_P() 312 int bsize = rng_.Rand8() % BLOCK_SIZES_ALL; in TEST_P() local [all …]
|
/external/libaom/av1/common/ |
D | blockd.h | 65 static INLINE int is_comp_ref_allowed(BLOCK_SIZE bsize) { in is_comp_ref_allowed() argument 66 return AOMMIN(block_size_wide[bsize], block_size_high[bsize]) >= 8; in is_comp_ref_allowed() 228 BLOCK_SIZE bsize; member 424 const BLOCK_SIZE bsize = mbmi->bsize; in is_global_mv_block() local 426 AOMMIN(block_size_wide[bsize], block_size_high[bsize]) >= 8; in is_global_mv_block() 975 static INLINE int get_sqr_bsize_idx(BLOCK_SIZE bsize) { in get_sqr_bsize_idx() argument 976 switch (bsize) { in get_sqr_bsize_idx() 994 static INLINE BLOCK_SIZE get_partition_subsize(BLOCK_SIZE bsize, in get_partition_subsize() argument 999 const int sqr_bsize_idx = get_sqr_bsize_idx(bsize); in get_partition_subsize() 1031 static INLINE int block_signals_txsize(BLOCK_SIZE bsize) { in block_signals_txsize() argument [all …]
|
D | av1_common_int.h | 1305 const BLOCK_SIZE bsize = xd->mi[0]->bsize; in set_entropy_context() local 1306 if (pd->subsampling_y && (mi_row & 0x01) && (mi_size_high[bsize] == 1)) in set_entropy_context() 1308 if (pd->subsampling_x && (mi_col & 0x01) && (mi_size_wide[bsize] == 1)) in set_entropy_context() 1423 BLOCK_SIZE bsize) { in update_partition_context() argument 1428 const int bw = mi_size_wide[bsize]; in update_partition_context() 1429 const int bh = mi_size_high[bsize]; in update_partition_context() 1434 static INLINE int is_chroma_reference(int mi_row, int mi_col, BLOCK_SIZE bsize, in is_chroma_reference() argument 1436 assert(bsize < BLOCK_SIZES_ALL); in is_chroma_reference() 1437 const int bw = mi_size_wide[bsize]; in is_chroma_reference() 1438 const int bh = mi_size_high[bsize]; in is_chroma_reference() [all …]
|
D | reconinter.c | 488 BLOCK_SIZE bsize; in init_wedge_masks() local 490 for (bsize = BLOCK_4X4; bsize < BLOCK_SIZES_ALL; ++bsize) { in init_wedge_masks() 491 const wedge_params_type *wedge_params = &av1_wedge_params_lookup[bsize]; in init_wedge_masks() 495 const int bw = block_size_wide[bsize]; in init_wedge_masks() 496 const int bh = block_size_high[bsize]; in init_wedge_masks() 499 mask = get_wedge_mask_inplace(w, 0, bsize); in init_wedge_masks() 505 mask = get_wedge_mask_inplace(w, 1, bsize); in init_wedge_masks() 711 void av1_setup_dst_planes(struct macroblockd_plane *planes, BLOCK_SIZE bsize, in av1_setup_dst_planes() argument 719 setup_pred_plane(&pd->dst, bsize, src->buffers[i], src->crop_widths[is_uv], in av1_setup_dst_planes() 735 setup_pred_plane(&pd->pre[idx], xd->mi[0]->bsize, src->buffers[i], in av1_setup_pre_planes() [all …]
|
/external/libvpx/vp9/encoder/ |
D | vp9_encodeframe.c | 63 BLOCK_SIZE bsize, PICK_MODE_CONTEXT *ctx); 163 int mi_col, BLOCK_SIZE bsize, int segment_index) { in set_segment_index() argument 181 mi->segment_id = get_segment_id(cm, map, bsize, mi_row, mi_col); in set_segment_index() 191 if (bsize >= BLOCK_32X32) { in set_segment_index() 192 vp9_get_sub_block_energy(cpi, x, mi_row, mi_col, bsize, &min_energy, in set_segment_index() 195 min_energy = bsize <= BLOCK_16X16 ? x->mb_energy in set_segment_index() 196 : vp9_block_energy(cpi, x, bsize); in set_segment_index() 200 mi->segment_id = get_segment_id(cm, map, bsize, mi_row, mi_col); in set_segment_index() 207 mi->segment_id = get_segment_id(cm, map, bsize, mi_row, mi_col); in set_segment_index() 211 mi->segment_id = get_segment_id(cm, map, bsize, mi_row, mi_col); in set_segment_index() [all …]
|
D | vp9_non_greedy_mv.h | 31 BLOCK_SIZE bsize; member 51 static INLINE int get_square_block_idx(BLOCK_SIZE bsize) { in get_square_block_idx() argument 52 if (bsize == BLOCK_4X4) { in get_square_block_idx() 55 if (bsize == BLOCK_8X8) { in get_square_block_idx() 58 if (bsize == BLOCK_16X16) { in get_square_block_idx() 61 if (bsize == BLOCK_32X32) { in get_square_block_idx() 88 Status vp9_alloc_motion_field(MotionField *motion_field, BLOCK_SIZE bsize, 107 int cols, BLOCK_SIZE bsize, 112 BLOCK_SIZE bsize);
|
D | vp9_pickmode.c | 155 BLOCK_SIZE bsize, int mi_row, int mi_col, in combined_motion_search() argument 212 cpi, x, bsize, &mvp_full, step_param, cpi->sf.mv.search_method, sadpb, in combined_motion_search() 248 x->errorperbit, &cpi->fn_ptr[bsize], subpel_force_stop, in combined_motion_search() 353 static TX_SIZE calculate_tx_size(VP9_COMP *const cpi, BLOCK_SIZE bsize, in calculate_tx_size() argument 366 tx_size = VPXMIN(max_txsize_lookup[bsize], in calculate_tx_size() 377 bsize <= BLOCK_16X16 && ((var >> 5) > (unsigned int)ac_thr)) in calculate_tx_size() 380 tx_size = VPXMIN(max_txsize_lookup[bsize], in calculate_tx_size() 386 static void compute_intra_yprediction(PREDICTION_MODE mode, BLOCK_SIZE bsize, in compute_intra_yprediction() argument 396 const TX_SIZE tx_size = max_txsize_lookup[bsize]; in compute_intra_yprediction() 397 const int num_4x4_w = num_4x4_blocks_wide_lookup[bsize]; in compute_intra_yprediction() [all …]
|
/external/mksh/src/ |
D | shf.c | 54 ssize_t bsize = in shf_open() local 60 shf = alloc(sizeof(struct shf) + bsize, ATEMP); in shf_open() 63 shf->bsize = bsize; in shf_open() 131 ssize_t bsize = in shf_fdopen() local 137 if (bsize) { in shf_fdopen() 138 shf->buf = alloc(bsize, ATEMP); in shf_fdopen() 143 shf = alloc(sizeof(struct shf) + bsize, ATEMP); in shf_fdopen() 151 shf->rbsize = bsize; in shf_fdopen() 153 shf->wbsize = sflags & SHF_UNBUF ? 0 : bsize; in shf_fdopen() 156 shf->bsize = bsize; in shf_fdopen() [all …]
|
/external/ltp/testcases/kernel/fs/doio/ |
D | datapid.c | 84 int datapidgen(int pid, char *buffer, int bsize, int offset) in datapidgen() argument 97 num_full_words = bsize / NBPW; in datapidgen() 118 for (; boff < (NBPW - cnt) && boff < bsize; boff++, chr++) { in datapidgen() 127 num_full_words = (bsize - boff) / NBPW; in datapidgen() 153 if (cnt = ((bsize - boff) % NBPW)) { in datapidgen() 163 for (tmp = 0; tmp < cnt && boff < bsize; tmp++, chr++) { in datapidgen() 168 return bsize; in datapidgen() 181 int datapidchk(int pid, char *buffer, int bsize, int offset, char **errmsg) in datapidchk() argument 198 num_full_words = bsize / NBPW; in datapidchk() 213 for (; boff < (NBPW - cnt) && boff < bsize; boff++, chr++) { in datapidchk() [all …]
|
D | databin.c | 44 void databingen(int mode, char *buffer, int bsize, int offset) in databingen() argument 51 memset(buffer, 0x55, bsize); in databingen() 55 memset(buffer, 0xf0, bsize); in databingen() 59 for (ind = 0; ind < bsize; ind++) in databingen() 65 memset(buffer, 0xff, bsize); in databingen() 69 memset(buffer, 0x0, bsize); in databingen() 73 for (ind = 0; ind < bsize; ind++) in databingen() 83 int databinchk(int mode, char *buffer, int bsize, int offset, char **errmsg) in databinchk() argument 106 for (cnt = 0; cnt < bsize; cnt++) { in databinchk() 116 sprintf(Errmsg, "all %d bytes match desired pattern", bsize); in databinchk() [all …]
|
/external/freetype/src/bdf/ |
D | bdfdrivr.c | 441 FT_Bitmap_Size* bsize = bdfface->available_sizes; in BDF_Face_Init() local 460 bsize->height = (FT_Short)( font->font_ascent + font->font_descent ); in BDF_Face_Init() 472 bsize->width = 0x7FFF; in BDF_Face_Init() 474 bsize->width )); in BDF_Face_Init() 477 bsize->width = FT_ABS( (FT_Short)( ( prop->value.l + 5 ) / 10 ) ); in BDF_Face_Init() 482 bsize->width = ( bsize->height * 2 + 1 ) / 3; in BDF_Face_Init() 496 bsize->size = 0x7FFF; in BDF_Face_Init() 498 bsize->size )); in BDF_Face_Init() 501 bsize->size = FT_MulDiv( FT_ABS( prop->value.l ), in BDF_Face_Init() 509 bsize->size = 0x7FFF; in BDF_Face_Init() [all …]
|