/external/tensorflow/tensorflow/python/keras/layers/ |
D | convolutional_recurrent.py | 248 if hasattr(self.cell.state_size, '__len__'): 249 state_size = list(self.cell.state_size) 251 state_size = [self.cell.state_size] 259 if [spec.shape[ch_dim] for spec in self.state_spec] != state_size: 265 self.cell.state_size)) 269 for dim in state_size] 272 for dim in state_size] 289 if hasattr(self.cell.state_size, '__len__'): 290 return [initial_state for _ in self.cell.state_size] 389 if hasattr(self.cell.state_size, '__len__'): [all …]
|
D | recurrent.py | 108 def state_size(self): member in StackedRNNCells 109 return tuple(c.state_size for c in 116 elif _is_multiple_state(self.cells[-1].state_size): 117 return self.cells[-1].state_size[0] 119 return self.cells[-1].state_size 136 state_size = (self.state_size[::-1] 137 if self.reverse_state_order else self.state_size) 138 nested_states = nest.pack_sequence_as(state_size, nest.flatten(states)) 161 return inputs, nest.pack_sequence_as(state_size, 175 elif _is_multiple_state(cell.state_size): [all …]
|
D | cudnn_recurrent.py | 73 if hasattr(self.cell.state_size, '__len__'): 74 state_size = self.cell.state_size 76 state_size = [self.cell.state_size] 77 self.state_spec = [InputSpec(shape=(None, dim)) for dim in state_size] 218 self._cell = cell_spec(state_size=self.units) 403 self._cell = cell_spec(state_size=(self.units, self.units))
|
D | recurrent_test.py | 69 self.state_size = units 109 self.state_size = (units, units) 138 self.assertEqual(layer.cell.state_size, ((8, 8), (16, 16), (32, 32))) 154 self.state_size = units 238 def state_size(self): member in RNNTest.test_minimal_rnn_cell_abstract_rnn_cell.MinimalRNNCell 679 self.state_size = units 895 def state_size(self): member in RNNTest.test_stacked_rnn_with_training_param.CellWrapper 896 return self.cell.state_size 954 self.assertEqual(cell.state_size.as_list(), [unit_a, unit_b]) 1029 state_size = 5 [all …]
|
/external/llvm-project/libcxx/test/std/numerics/rand/rand.eng/rand.eng.mers/ |
D | values.pass.cpp | 52 static_assert((E::state_size == 624), ""); in test1() 73 where(E::state_size); in test1() 93 static_assert((E::state_size == 312), ""); in test2() 114 where(E::state_size); in test2()
|
D | ctor_sseq_all_zero.pass.cpp | 56 const std::size_t state_size = 1u; in test() local 61 std::mersenne_twister_engine<result_type, word_size, state_size, in test()
|
/external/libcxx/test/std/numerics/rand/rand.eng/rand.eng.mers/ |
D | values.pass.cpp | 53 static_assert((E::state_size == 624), ""); in test1() 74 where(E::state_size); in test1() 94 static_assert((E::state_size == 312), ""); in test2() 115 where(E::state_size); in test2()
|
D | ctor_sseq_all_zero.pass.cpp | 55 const std::size_t state_size = 1u; in test() local 60 std::mersenne_twister_engine<result_type, word_size, state_size, in test()
|
/external/tensorflow/tensorflow/python/ops/parallel_for/ |
D | gradients_test.py | 72 def lstm_model_fn(batch_size, state_size, steps, inputs_size=None): argument 73 inputs_size = inputs_size or state_size 77 cell = rnn_cell.BasicLSTMCell(state_size) 85 def dynamic_lstm_model_fn(batch_size, state_size, max_steps): argument 89 np.random.rand(batch_size, max_steps, state_size), dtype=dtypes.float32) 94 cell = rnn_cell.BasicLSTMCell(state_size) 111 def create_lstm_batch_jacobian(batch_size, state_size, steps, inputs_size=None): argument 112 inp, output = lstm_model_fn(batch_size, state_size, steps, 119 def create_dynamic_lstm_batch_jacobian(batch_size, state_size, max_steps): argument 120 inp, (_, final_state) = dynamic_lstm_model_fn(batch_size, state_size, [all …]
|
/external/tensorflow/tensorflow/python/keras/layers/legacy_rnn/ |
D | rnn_cell_impl.py | 170 def _zero_state_tensors(state_size, batch_size, dtype): argument 182 return nest.map_structure(get_state_shape, state_size) 266 def state_size(self): member in RNNCell 331 state_size = self.state_size 337 last_state_size == state_size): 340 output = _zero_state_tensors(state_size, batch_size, dtype) 342 self._last_zero_state = (state_size, batch_size, dtype, output) 450 def state_size(self): member in BasicRNNCell 560 def state_size(self): member in GRUCell 737 def state_size(self): member in BasicLSTMCell [all …]
|
D | rnn_cell_wrapper_impl.py | 170 cell.state_size, 172 cell.state_size) 190 def state_size(self): member in DropoutWrapperBase 191 return self.cell.state_size 341 def state_size(self): member in ResidualWrapperBase 342 return self.cell.state_size 428 def state_size(self): member in DeviceWrapperBase 429 return self.cell.state_size
|
/external/tensorflow/tensorflow/python/ops/ |
D | rnn.py | 158 state_size, argument 747 state_size = cell.state_size 862 state_size=state_size, 1123 nest.assert_same_structure(initial_state, cell.state_size) 1412 state_size=cell.state_size) 1456 state_size = cell.state_size 1457 state_is_tuple = nest.is_sequence(state_size) 1463 (str(state_name), str(state_size))) 1467 state_size_flat = nest.flatten(state_size) 1474 structure=state_size,
|
D | stateful_random_ops.py | 100 def _make_1d_state(state_size, seed): argument 113 for _ in range(state_size): 123 seed = seed[0:state_size] 130 if seed_size < state_size: 132 seed, [(state_size - seed_size, 0)], 135 assert seed.shape == (state_size,), "Wrong seed.shape: %s" % seed.shape
|
/external/tensorflow/tensorflow/core/kernels/ |
D | stateful_random_ops_gpu.cu.cc | 40 Distribution dist, int64 state_size, int64 output_size, in FillKernel() argument 80 auto state_size = state_tensor_flat.size(); in operator ()() local 98 d.stream(), dist, state_size, output_size, state_data, output_data)); in operator ()()
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | rnn_cell_test.py | 67 def state_size(self): member in Plus1RNNCell 101 def state_size(self): member in DummyMultiDimensionalLSTM 120 def state_size(self): member in NestedRNNCell 131 def __init__(self, batch_size, state_size): argument 133 self._state_size = state_size 139 state_size = self._state_size[name] 141 state_size = self._state_size 142 if isinstance(state_size, int): 143 state_size = (state_size,) 144 elif isinstance(state_size, tuple): [all …]
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/transforms/ |
D | decompose_resource_ops.cc | 141 int state_size = counter_size + tensorflow::RNG_KEY_SIZE; in matchAndRewrite() local 143 RankedTensorType::get({state_size}, state_element_type); in matchAndRewrite() 157 loc, SmallVector<Type, 4>(state_size, word_type), state, 0); in matchAndRewrite()
|
/external/mesa3d/src/mesa/drivers/dri/r200/ |
D | r200_tcl.c | 296 GLuint state_size; in r200EnsureEmitSize() local 311 state_size = radeonCountStateEmitSize( &rmesa->radeon ); in r200EnsureEmitSize() 314 state_size += rmesa->hw.vtx.check(&rmesa->radeon.glCtx, &rmesa->hw.vtx); in r200EnsureEmitSize() 341 if (rcommonEnsureCmdBufSpace(&rmesa->radeon, space_required + state_size, __func__)) in r200EnsureEmitSize() 344 return space_required + state_size; in r200EnsureEmitSize()
|
D | r200_state_init.c | 666 int state_size = TEX_STATE_SIZE_NEWDRM; in r200InitState() local 669 ALLOC_STATE( tex[0], tex_pair_mm, state_size, "TEX/tex-0", 0 ); in r200InitState() 670 ALLOC_STATE( tex[1], tex_pair_mm, state_size, "TEX/tex-1", 1 ); in r200InitState() 674 ALLOC_STATE( tex[0], tex_mm, state_size, "TEX/tex-0", 0 ); in r200InitState() 675 ALLOC_STATE( tex[1], tex_mm, state_size, "TEX/tex-1", 1 ); in r200InitState() 678 ALLOC_STATE( tex[2], tex_mm, state_size, "TEX/tex-2", 2 ); in r200InitState() 679 ALLOC_STATE( tex[3], tex_mm, state_size, "TEX/tex-3", 3 ); in r200InitState() 680 ALLOC_STATE( tex[4], tex_mm, state_size, "TEX/tex-4", 4 ); in r200InitState() 681 ALLOC_STATE( tex[5], tex_mm, state_size, "TEX/tex-5", 5 ); in r200InitState()
|
/external/mesa3d/src/mesa/drivers/dri/radeon/ |
D | radeon_tcl.c | 290 GLuint state_size; in radeonEnsureEmitSize() local 315 state_size = radeonCountStateEmitSize( &rmesa->radeon ); in radeonEnsureEmitSize() 318 state_size += rmesa->hw.tcl.check( &rmesa->radeon.glCtx, &rmesa->hw.tcl ); in radeonEnsureEmitSize() 345 return space_required + state_size; in radeonEnsureEmitSize()
|
/external/rust/crates/regex-automata/src/ |
D | sparse.rs | 808 let state_size = size_of::<S>(); in to_bytes() localVariable 809 if ![1, 2, 4, 8].contains(&state_size) { in to_bytes() 812 state_size in to_bytes() 815 A::write_u16(&mut buf[i..], state_size as u16); in to_bytes() 888 let state_size = NativeEndian::read_u16(buf) as usize; in from_bytes() localVariable 889 if state_size != size_of::<S>() { in from_bytes() 893 state_size, in from_bytes()
|
D | dense.rs | 1253 let state_size = mem::size_of::<S>(); in to_bytes() localVariable 1254 if ![1, 2, 4, 8].contains(&state_size) { in to_bytes() 1257 state_size in to_bytes() 1260 A::write_u16(&mut buf[i..], state_size as u16); in to_bytes() 1289 i += state_size; in to_bytes() 1337 let state_size = NativeEndian::read_u16(buf) as usize; in from_bytes() localVariable 1338 if state_size != mem::size_of::<S>() { in from_bytes() 1342 state_size, in from_bytes() 1369 let len_bytes = len * state_size; in from_bytes()
|
/external/lzma/DOC/ |
D | lzma.txt | 50 state_size = (4 + (1.5 << (lc + lp))) KB 51 by default (lc=3, lp=0), state_size = 16 KB. 78 - LZMA Internal Structures: state_size (16 KB for default settings) 132 - LZMA Internal Structures: state_size (16 KB for default settings) 181 - (dictSize * 11.5 + 6 MB) + state_size
|
/external/tensorflow/tensorflow/core/kernels/data/experimental/ |
D | group_by_reducer_dataset_op.cc | 366 int64 state_size; in RestoreInternal() local 369 &state_size)); in RestoreInternal() 370 state.resize(state_size); in RestoreInternal() 371 for (int j = 0; j < state_size; ++j) { in RestoreInternal()
|
/external/tensorflow/tensorflow/core/profiler/g3doc/ |
D | advise.md | 59 …core_rnn.py:195:static_rnn:state_size=cell.s..., cpu: 306.52ms, accelerator: 73.54ms, total: 380.0… 64 …core_rnn.py:195:static_rnn:state_size=cell.s..., cpu: 296.11ms, accelerator: 73.54ms, total: 369.6…
|
/external/mesa3d/src/gallium/drivers/iris/ |
D | iris_blorp.c | 145 unsigned state_size, in blorp_alloc_binding_table() argument 160 state_size, state_alignment, in blorp_alloc_binding_table()
|