Home
last modified time | relevance | path

Searched refs:state_size (Results 1 – 25 of 75) sorted by relevance

123

/external/tensorflow/tensorflow/python/keras/layers/
Drecurrent.py91 def state_size(self): member in StackedRNNCells
92 return tuple(c.state_size for c in
99 elif _is_multiple_state(self.cells[-1].state_size):
100 return self.cells[-1].state_size[0]
102 return self.cells[-1].state_size
119 state_size = (self.state_size[::-1]
120 if self.reverse_state_order else self.state_size)
121 nested_states = nest.pack_sequence_as(state_size, nest.flatten(states))
137 return inputs, nest.pack_sequence_as(state_size,
153 elif _is_multiple_state(cell.state_size):
[all …]
Dconvolutional_recurrent.py249 if hasattr(self.cell.state_size, '__len__'):
250 state_size = list(self.cell.state_size)
252 state_size = [self.cell.state_size]
260 if [spec.shape[ch_dim] for spec in self.state_spec] != state_size:
266 self.cell.state_size))
270 for dim in state_size]
273 for dim in state_size]
289 if hasattr(self.cell.state_size, '__len__'):
290 return [initial_state for _ in self.cell.state_size]
450 if hasattr(self.cell.state_size, '__len__'):
[all …]
Dcudnn_recurrent.py73 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)
400 self._cell = cell_spec(state_size=(self.units, self.units))
Drecurrent_test.py66 self.state_size = units
106 self.state_size = (units, units)
135 self.assertEqual(layer.cell.state_size, ((8, 8), (16, 16), (32, 32)))
151 self.state_size = units
235 def state_size(self): member in RNNTest.test_minimal_rnn_cell_abstract_rnn_cell.MinimalRNNCell
385 self.state_size = units
515 self.state_size = units
868 self.assertEqual(cell.state_size.as_list(), [unit_a, unit_b])
944 state_size = 5
946 cell = PlusOneRNNCell(state_size)
[all …]
/external/tensorflow/tensorflow/python/ops/
Drnn_cell_impl.py171 def _zero_state_tensors(state_size, batch_size, dtype): argument
181 return nest.map_structure(get_state_shape, state_size)
264 def state_size(self): member in RNNCell
329 state_size = self.state_size
336 last_state_size == state_size):
339 output = _zero_state_tensors(state_size, batch_size, dtype)
341 self._last_zero_state = (state_size, batch_size, dtype, output)
436 def state_size(self): member in BasicRNNCell
537 def state_size(self): member in GRUCell
715 def state_size(self): member in BasicLSTMCell
[all …]
Dstateful_random_ops.py87 def _make_1d_state(state_size, seed): argument
101 for _ in range(state_size):
111 seed = seed[0:state_size]
114 if seed_size < state_size:
116 seed, [(0, state_size - seed_size)],
119 assert seed.shape == (state_size,), "Wrong seed.shape: %s" % seed.shape
Drnn.py174 zero_output, state, call_cell, state_size, skip_conditionals=False): argument
727 state_size = cell.state_size
844 state_size=state_size,
1109 nest.assert_same_structure(initial_state, cell.state_size)
1393 state_size=cell.state_size)
1437 state_size = cell.state_size
1438 state_is_tuple = nest.is_sequence(state_size)
1444 str(state_size)))
1448 state_size_flat = nest.flatten(state_size)
1455 structure=state_size,
/external/tensorflow/tensorflow/python/ops/parallel_for/
Dgradients_test.py73 def lstm_model_fn(batch_size, state_size, steps, inputs_size=None): argument
74 inputs_size = inputs_size or state_size
78 cell = rnn_cell.BasicLSTMCell(state_size)
86 def dynamic_lstm_model_fn(batch_size, state_size, max_steps): argument
90 np.random.rand(batch_size, max_steps, state_size), dtype=dtypes.float32)
95 cell = rnn_cell.BasicLSTMCell(state_size)
112 def create_lstm_batch_jacobian(batch_size, state_size, steps, inputs_size=None): argument
113 inp, output = lstm_model_fn(batch_size, state_size, steps,
120 def create_dynamic_lstm_batch_jacobian(batch_size, state_size, max_steps): argument
121 inp, (_, final_state) = dynamic_lstm_model_fn(batch_size, state_size,
[all …]
/external/libcxx/test/std/numerics/rand/rand.eng/rand.eng.mers/
Dvalues.pass.cpp53 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()
Dctor_sseq_all_zero.pass.cpp55 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/contrib/learn/python/learn/estimators/
Dstate_saving_rnn_estimator.py205 state_size = cell.state_size
206 if isinstance(state_size, tensor_shape.TensorShape):
208 if isinstance(state_size, int):
210 if isinstance(state_size, rnn_cell.LSTMStateTuple):
215 if isinstance(state_size[0], rnn_cell.LSTMStateTuple):
219 ] for i in range(len(state_size))]
222 for i in range(len(state_size))]
Ddynamic_rnn_estimator_test.py51 def __init__(self, state_size, output_size): argument
52 self._state_size = state_size
56 def state_size(self): member in IdentityRNNCell
65 [array_ops.shape(inputs)[0], self.state_size])
410 for i, state_size in enumerate([4, 4, 8, 8, 7, 7]):
412 self.assertListEqual(list(state_piece.shape), [batch_size, state_size])
Ddynamic_rnn_estimator.py94 flat_state_sizes = nest.flatten(cell.state_size)
97 for i, state_size in enumerate(flat_state_sizes):
105 state_size,
/external/tensorflow/tensorflow/core/kernels/
Dstateful_random_ops_gpu.cu.cc32 Distribution dist, int64 state_size, int64 output_size, in FillKernel() argument
66 auto state_size = state_tensor_flat.size(); in operator ()() local
79 Distribution(), state_size, output_size, in operator ()()
/external/tensorflow/tensorflow/contrib/rnn/python/ops/
Dcore_rnn_cell.py233 def state_size(self): member in EmbeddingWrapper
234 return self._cell.state_size
309 def state_size(self): member in InputProjectionWrapper
310 return self._cell.state_size
365 def state_size(self): member in OutputProjectionWrapper
366 return self._cell.state_size
Drnn_cell.py213 def state_size(self): member in CoupledInputForgetGateLSTMCell
386 def state_size(self): member in TimeFreqLSTMCell
616 def state_size(self): member in GridLSTMCell
1156 if nest.is_sequence(cell.state_size) and not state_is_tuple:
1159 "state_is_tuple is not set. State size is: %s" % str(cell.state_size))
1182 def state_size(self): member in AttentionCellWrapper
1183 size = (self._cell.state_size, self._attn_size,
1200 state = array_ops.slice(states, [0, 0], [-1, self._cell.state_size])
1201 attns = array_ops.slice(states, [0, self._cell.state_size],
1204 states, [0, self._cell.state_size + self._attn_size],
[all …]
/external/tensorflow/tensorflow/contrib/grid_rnn/python/kernel_tests/
Dgrid_rnn_test.py44 self.assertEqual(cell.state_size, ((2, 2), (2, 2)))
102 self.assertEqual(cell.state_size, ((2, 2), (2, 2)))
145 self.assertEqual(cell.state_size, ((2, 2),))
173 self.assertEqual(cell.state_size, ((2, 2), (2, 2)))
208 self.assertEqual(cell.state_size, ((2, 2), (2, 2)))
243 self.assertEqual(cell.state_size, ((2, 2),))
270 self.assertEqual(cell.state_size, (2, 2))
301 self.assertEqual(cell.state_size, (2, 2))
332 self.assertEqual(cell.state_size, (2,))
357 self.assertEqual(cell.state_size, ((2, 2),))
[all …]
/external/tensorflow/tensorflow/python/kernel_tests/
Drnn_cell_test.py64 def state_size(self): member in Plus1RNNCell
98 def state_size(self): member in DummyMultiDimensionalLSTM
117 def state_size(self): member in NestedRNNCell
128 def __init__(self, batch_size, state_size): argument
130 self._state_size = state_size
136 state_size = self._state_size[name]
138 state_size = self._state_size
139 if isinstance(state_size, int):
140 state_size = (state_size,)
141 elif isinstance(state_size, tuple):
[all …]
/external/tensorflow/tensorflow/examples/saved_model/integration_tests/
Dexport_text_rnn_model.py38 def __init__(self, vocab, emb_dim, buckets, state_size): argument
41 self._lstm_cell = tf.keras.layers.LSTMCell(units=state_size)
178 module = TextRnnModel(vocab=vocab, emb_dim=10, buckets=100, state_size=128)
/external/mesa3d/src/mesa/drivers/dri/r200/
Dr200_tcl.c296 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()
/external/mesa3d/src/mesa/drivers/dri/radeon/
Dradeon_tcl.c291 GLuint state_size; in radeonEnsureEmitSize() local
316 state_size = radeonCountStateEmitSize( &rmesa->radeon ); in radeonEnsureEmitSize()
319 state_size += rmesa->hw.tcl.check( &rmesa->radeon.glCtx, &rmesa->hw.tcl ); in radeonEnsureEmitSize()
346 return space_required + state_size; in radeonEnsureEmitSize()
/external/lzma/DOC/
Dlzma.txt50 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/
Dgroup_by_reducer_dataset_op.cc344 int64 state_size; in RestoreInternal() local
347 &state_size)); in RestoreInternal()
348 state.resize(state_size); in RestoreInternal()
349 for (int j = 0; j < state_size; ++j) { in RestoreInternal()
/external/tensorflow/tensorflow/contrib/grid_rnn/python/ops/
Dgrid_rnn_cell.py148 self._state_size = tuple(self._cells[0].state_size
158 def state_size(self): member in GridRNNCell
259 range(0, self.state_size,
317 state_sizes = self._cells[0].state_size
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
Dstateful_random_ops.cc206 auto state_size = var_shape.dim_size(0); in CompileImpl() local
207 if (state_size < THREEFRY_MIN_STATE_SIZE) { in CompileImpl()
211 THREEFRY_MIN_STATE_SIZE, "; got ", state_size); in CompileImpl()

123