/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/kernel_tests/ |
D | cudnn_rnn_ops_test.py | 70 num_layers=1, argument 80 assert num_layers == 1 140 num_layers, num_units, input_size) 349 num_layers, argument 364 num_layers, 387 def test_training(self, num_units, input_size, batch_size, time, num_layers, argument 396 num_layers, 412 num_layers, variable_seq_lengths, time_major, argument 421 num_layers, 438 def test_inference(self, num_units, input_size, batch_size, time, num_layers, argument [all …]
|
D | cudnn_rnn_test.py | 86 num_layers, argument 121 num_layers, 167 num_layers = self._rnn.num_layers 175 input_h = np.random.randn(num_layers * dir_count, batch_size, 178 input_c = np.random.randn(num_layers * dir_count, batch_size, 186 num_layers = self._rnn.num_layers 191 input_h = np.zeros((num_layers * dir_count, batch_size, 194 input_c = np.zeros((num_layers * dir_count, batch_size, 235 num_layers = rnn.num_layers 252 [single_cell() for _ in range(num_layers)]) [all …]
|
D | cudnn_rnn_ops_benchmark.py | 65 num_layers = config["num_layers"] 70 return "y%d_u%d_b%d_q%d" % (num_layers, num_units, batch_size, seq_length) 91 num_layers = config["num_layers"] 97 model = cudnn_rnn_ops.CudnnLSTM(num_layers, num_units, num_units) 102 array_ops.ones([num_layers, batch_size, num_units])) 104 array_ops.ones([num_layers, batch_size, num_units])) 123 num_layers = config["num_layers"] 133 [contrib_rnn.BasicLSTMCell(num_units) for _ in range(num_layers)]) 147 num_layers = config["num_layers"] 157 [lstm_ops.LSTMBlockCell(num_units) for _ in range(num_layers)])
|
/external/mesa3d/src/intel/blorp/ |
D | blorp_clear.c | 307 uint32_t level, uint32_t start_layer, uint32_t num_layers, in blorp_fast_clear() argument 311 assert(start_layer + num_layers <= in blorp_fast_clear() 317 params.num_layers = num_layers; in blorp_fast_clear() 365 uint32_t level, uint32_t start_layer, uint32_t num_layers, in blorp_clear() argument 431 while (num_layers > 0) { in blorp_clear() 473 params.num_layers = MIN2(params.dst.view.array_len, num_layers); in blorp_clear() 476 start_layer += params.num_layers; in blorp_clear() 477 num_layers -= params.num_layers; in blorp_clear() 486 uint32_t num_layers, in blorp_clear_depth_stencil() argument 509 while (num_layers > 0) { in blorp_clear_depth_stencil() [all …]
|
D | blorp.h | 147 uint32_t level, uint32_t start_layer, uint32_t num_layers, 154 uint32_t level, uint32_t start_layer, uint32_t num_layers, 164 uint32_t num_layers, 186 uint32_t start_layer, uint32_t num_layers, 202 uint32_t start_layer, uint32_t num_layers, 210 uint32_t start_layer, uint32_t num_layers); 231 uint32_t level, uint32_t start_layer, uint32_t num_layers,
|
/external/tensorflow/tensorflow/contrib/layers/python/layers/ |
D | rev_block_lib.py | 142 num_layers=1, argument 148 for i in xrange(num_layers): 182 num_layers=1, argument 191 assert len(f) == num_layers 193 f = [f] * num_layers 196 assert len(g) == num_layers 198 g = [g] * num_layers 206 self.num_layers = num_layers 265 f_vars = [[] for _ in range(self.num_layers)] 266 g_vars = [[] for _ in range(self.num_layers)] [all …]
|
D | rev_block_lib_test.py | 57 block = rev_block_lib.RevBlock(f, g, num_layers=3) 80 block = rev_block_lib.RevBlock(f, g, num_layers=3) 128 num_layers=self.NUM_LAYERS) 141 num_layers=self.NUM_LAYERS, 211 y1, y2 = rev_block_lib.rev_block(x1, x2, f, g, num_layers=self.NUM_LAYERS) 216 y1, y2 = rev_block_lib.rev_block(x1, x2, f, g, num_layers=self.NUM_LAYERS) 226 y1, y2 = rev_block_lib.rev_block(x1, x2, f, g, num_layers=self.NUM_LAYERS)
|
/external/libhevc/encoder/ |
D | ihevce_coarse_me_pass.c | 526 coarse_layer_id = ps_thrd0_ctxt->num_layers - 1; in ihevce_coarse_me_frame_end() 975 for(ctr = 1; ctr < ps_thrd0_ctxt->num_layers; ctr++) in ihevce_coarse_me_frame_init() 1012 for(i = 1; i < ps_thrd0_ctxt->num_layers; i++) in ihevce_coarse_me_frame_init() 1022 ps_thrd0_ctxt->num_layers, in ihevce_coarse_me_frame_init() 1047 layer_id = ps_thrd0_ctxt->num_layers - 1; in ihevce_coarse_me_frame_init() 1091 ps_thrd0_ctxt->num_layers, in ihevce_coarse_me_frame_init() 1146 for(lyr_no = 1; lyr_no < ps_thrd0_ctxt->num_layers; lyr_no++) in ihevce_coarse_me_get_lyr_buf_desc() 1216 S32 ctb_size = 64, num_layers, i, j, k; in ihevce_coarse_me_get_lyr_prms_job_que() local 1223 num_layers = ps_ctxt->num_layers; in ihevce_coarse_me_get_lyr_prms_job_que() 1224 *pi4_num_hme_lyrs = num_layers; in ihevce_coarse_me_get_lyr_prms_job_que() [all …]
|
/external/libaom/libaom/av1/encoder/ |
D | ml.c | 28 const int num_layers = nn_config->num_hidden_layers; in av1_nn_predict_c() local 29 assert(num_layers <= NN_MAX_HIDDEN_LAYERS); in av1_nn_predict_c() 30 for (int layer = 0; layer < num_layers; ++layer) { in av1_nn_predict_c() 50 const float *layer_weights = nn_config->weights[num_layers]; in av1_nn_predict_c() 51 const float *layer_bias = nn_config->bias[num_layers]; in av1_nn_predict_c()
|
/external/tensorflow/tensorflow/core/ops/ |
D | cudnn_rnn_ops_test.cc | 45 int num_layers = 5; in TEST() local 48 std::vector<int> input_h_shape = {num_layers * dir_count, batch_size, in TEST() 77 int num_layers = 5; in TEST() local 80 std::vector<int> input_h_shape = {num_layers * dir_count, batch_size, in TEST() 109 int num_layers = 5; in TEST() local 112 std::vector<int> input_h_shape = {num_layers * dir_count, batch_size, in TEST()
|
/external/mesa3d/src/mesa/drivers/dri/i965/ |
D | brw_blorp.c | 124 unsigned start_layer, unsigned num_layers, in blorp_surf_for_miptree() argument 131 for (unsigned i = 0; i < num_layers; i++) { in blorp_surf_for_miptree() 138 for (unsigned i = 0; i < num_layers; i++) in blorp_surf_for_miptree() 1211 const unsigned num_layers = fb->MaxNumLayers ? irb->layer_count : 1; in do_single_blorp_clear() local 1243 irb->mt, irb->mt_level, irb->mt_layer, num_layers); in do_single_blorp_clear() 1249 &level, irb->mt_layer, num_layers, isl_tmp); in do_single_blorp_clear() 1268 level, irb->mt_layer, num_layers, in do_single_blorp_clear() 1279 irb->mt_layer, num_layers, in do_single_blorp_clear() 1283 irb->mt, irb->mt_level, irb->mt_layer, num_layers); in do_single_blorp_clear() 1289 num_layers, aux_usage); in do_single_blorp_clear() [all …]
|
D | brw_clear.c | 173 const uint32_t num_layers = depth_att->Layered ? depth_irb->layer_count : 1; in brw_fast_clear_depth() local 188 layer < depth_irb->mt_layer + num_layers) { in brw_fast_clear_depth() 219 for (unsigned a = 0; a < num_layers; a++) { in brw_fast_clear_depth() 238 for (unsigned a = 0; a < num_layers; a++) { in brw_fast_clear_depth() 254 depth_irb->mt_layer, num_layers, in brw_fast_clear_depth()
|
D | intel_mipmap_tree.h | 534 unsigned start_layer, unsigned num_layers); 569 uint32_t start_layer, uint32_t num_layers, 596 uint32_t start_layer, uint32_t num_layers, 615 uint32_t start_layer, uint32_t num_layers, 645 uint32_t start_layer, uint32_t num_layers,
|
/external/harfbuzz_ng/src/ |
D | test-ot-color.cc | 136 unsigned int num_layers = hb_ot_color_glyph_get_layers (face, gid, 0, NULL, NULL); in layered_glyph_dump() local 137 if (!num_layers) in layered_glyph_dump() 140 …hb_ot_color_layer_t *layers = (hb_ot_color_layer_t*) malloc (num_layers * sizeof (hb_ot_color_laye… in layered_glyph_dump() 142 hb_ot_color_glyph_get_layers (face, gid, 0, &num_layers, layers); in layered_glyph_dump() 143 if (num_layers) in layered_glyph_dump() 153 cairo_glyph_t *glyphs = (cairo_glyph_t *) calloc (num_layers, sizeof (cairo_glyph_t)); in layered_glyph_dump() 154 for (unsigned int j = 0; j < num_layers; ++j) in layered_glyph_dump() 156 cairo_glyph_extents (cr, glyphs, num_layers, &extents); in layered_glyph_dump() 188 for (unsigned int layer = 0; layer < num_layers; ++layer) in layered_glyph_dump()
|
/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/ops/ |
D | cudnn_rnn_ops.py | 184 num_layers, argument 206 self._num_layers = num_layers 239 num_layers=self._num_layers, 260 num_layers=self._num_layers, 634 num_layers, argument 687 self._num_layers = num_layers 934 def _get_num_params(rnn_mode, num_layers, direction): argument 946 num_params = num_layers * num_params_per_layer 1316 num_layers, argument 1358 num_params = _get_num_params(rnn_mode, num_layers, direction) [all …]
|
/external/mesa3d/src/gallium/auxiliary/util/ |
D | u_framebuffer.c | 184 unsigned i, num_layers = 0; in util_framebuffer_get_num_layers() local 198 num_layers = MAX2(num_layers, num); in util_framebuffer_get_num_layers() 204 num_layers = MAX2(num_layers, num); in util_framebuffer_get_num_layers() 206 return num_layers; in util_framebuffer_get_num_layers()
|
/external/freetype/src/sfnt/ |
D | ttcolr.c | 52 FT_UShort num_layers; member 61 FT_UShort num_layers; member 132 colr->num_layers = FT_NEXT_USHORT( p ); in tt_face_load_colr() 136 if ( colr->num_layers * LAYER_SIZE > table_size - layer_offset ) in tt_face_load_colr() 202 record->num_layers = FT_NEXT_USHORT( p ); in find_base_glyph_record() 240 if ( glyph_record.num_layers ) in tt_face_get_colr_layer() 241 iterator->num_layers = glyph_record.num_layers; in tt_face_get_colr_layer() 246 if ( offset + LAYER_SIZE * glyph_record.num_layers > colr->table_size ) in tt_face_get_colr_layer() 252 if ( iterator->layer >= iterator->num_layers ) in tt_face_get_colr_layer()
|
/external/webrtc/webrtc/modules/video_coding/codecs/vp9/ |
D | screenshare_layers.cc | 16 ScreenshareLayersVP9::ScreenshareLayersVP9(uint8_t num_layers) in ScreenshareLayersVP9() argument 17 : num_layers_(num_layers), in ScreenshareLayersVP9() 21 RTC_DCHECK_GT(num_layers, 0); in ScreenshareLayersVP9() 22 RTC_DCHECK_LE(num_layers, kMaxVp9NumberOfSpatialLayers); in ScreenshareLayersVP9()
|
/external/tensorflow/tensorflow/contrib/eager/python/examples/densenet/ |
D | densenet.py | 127 def __init__(self, num_layers, growth_rate, data_format, bottleneck, argument 130 self.num_layers = num_layers 134 for _ in range(int(self.num_layers)): 142 for i in range(int(self.num_layers)): 201 num_layers = (self.depth_of_model - 4) / 3 203 num_layers //= 2 204 self.num_layers_in_each_block = [num_layers] * self.num_of_blocks
|
/external/tensorflow/tensorflow/contrib/cudnn_rnn/python/layers/ |
D | cudnn_rnn.py | 158 num_layers, argument 208 self._num_layers = num_layers 221 def num_layers(self): member in _CudnnRNN 488 num_layers=self._num_layers, 529 num_layers=self.num_layers, 557 return ([self.num_layers * self.num_dirs, batch_size, self.num_units], 558 [self.num_layers * self.num_dirs, batch_size, self.num_units]) 584 return [self.num_layers * self.num_dirs, batch_size, self.num_units],
|
/external/tensorflow/tensorflow/contrib/eager/python/examples/rnn_ptb/ |
D | rnn_ptb.py | 50 def __init__(self, hidden_dim, num_layers, keep_ratio): argument 55 for _ in range(num_layers) 114 num_layers, argument 125 num_layers, hidden_dim, dropout=dropout_ratio) 127 self.rnn = RNN(hidden_dim, num_layers, self.keep_ratio) 271 num_layers=2, 282 num_layers=2, 293 num_layers=2, 315 FLAGS.hidden_dim, FLAGS.num_layers, FLAGS.dropout,
|
/external/tensorflow/tensorflow/python/ops/ |
D | batch_norm_benchmark.py | 68 def build_graph(device, input_shape, axes, num_layers, mode, scale, train): argument 97 for _ in range(num_layers): 126 def _run_graph(self, device, input_shape, axes, num_layers, mode, scale, argument 145 outputs = build_graph(device, input_shape, axes, num_layers, mode, scale, 155 (device, len(input_shape), len(axes), num_layers, mode, scale, train, 167 num_layers=num_layers,
|
/external/tensorflow/tensorflow/python/ops/parallel_for/ |
D | gradients_test.py | 54 def __init__(self, activation_size, num_layers): argument 57 for _ in range(num_layers) 67 def fully_connected_model_fn(batch_size, activation_size, num_layers): argument 68 model = FullyConnectedModel(activation_size, num_layers) 104 def create_fc_batch_jacobian(batch_size, activation_size, num_layers): argument 106 num_layers) 162 def create_fc_per_eg_grad(batch_size, activation_size, num_layers): argument 166 for _ in range(num_layers) 333 def create_fc_per_eg_jacobians(batch_size, activation_size, num_layers): argument 335 num_layers=num_layers) [all …]
|
/external/tensorflow/tensorflow/contrib/boosted_trees/python/kernel_tests/ |
D | training_ops_test.py | 217 self.assertEqual(stats.num_layers, 1) 266 self.assertEqual(stats.num_layers, 1) 292 self.assertEqual(stats.num_layers, 1) 405 self.assertEqual(stats.num_layers, 1) 518 self.assertEqual(stats.num_layers, 1) 709 self.assertEqual(stats.num_layers, 2) 892 self.assertEqual(stats.num_layers, 2) 954 self.assertEqual(stats.num_layers, 0) 1067 self.assertEqual(stats.num_layers, 1) 1172 self.assertEqual(stats.num_layers, 1) [all …]
|
/external/webrtc/webrtc/modules/video_coding/ |
D | media_optimization.cc | 147 int num_layers, in SetEncodingData() argument 151 target_bitrate, width, height, num_layers, mtu); in SetEncodingData() 160 int num_layers, in SetEncodingDataInternal() argument 177 loss_prot_logic_->UpdateNumLayers(num_layers); in SetEncodingDataInternal() 183 num_layers_ = (num_layers <= 1) ? 1 : num_layers; // Can also be zero. in SetEncodingDataInternal()
|