/external/tensorflow/tensorflow/python/data/ops/ |
D | iterator_ops.py | 193 output_types = nest.map_structure(dtypes.as_dtype, output_types) 195 output_shapes = nest.map_structure( 202 output_classes = nest.map_structure(lambda _: ops.Tensor, output_types) 267 output_types = nest.map_structure(dtypes.as_dtype, output_types) 269 output_shapes = nest.map_structure( 276 output_classes = nest.map_structure(lambda _: ops.Tensor, output_types) 324 dataset_output_types = nest.map_structure( 327 dataset_output_shapes = nest.map_structure( 330 dataset_output_classes = nest.map_structure( 460 return nest.map_structure( [all …]
|
D | dataset_ops.py | 473 output_shapes = nest.map_structure(str, get_legacy_output_shapes(self)) 475 output_types = nest.map_structure(repr, get_legacy_output_types(self)) 828 output_shapes = nest.map_structure( 2151 state_classes = nest.map_structure( 2164 state_types = nest.map_structure( 2177 state_shapes = nest.map_structure( 2513 return nest.map_structure( 2527 return nest.map_structure( 2541 return nest.map_structure( 2922 return nest.map_structure( [all …]
|
/external/tensorflow/tensorflow/python/keras/engine/ |
D | node.py | 71 call_args = nest.map_structure(lambda t: t, call_args) 72 call_kwargs = nest.map_structure(lambda t: t, call_kwargs) 73 self.outputs = nest.map_structure(lambda t: t, outputs) 189 kwargs = nest.map_structure(_serialize_keras_tensor, kwargs) 193 kwarg_types = nest.map_structure(type, kwargs) 217 data = nest.map_structure(serialize_first_arg_tensor, inputs) 244 input_shapes = nest.map_structure(backend.int_shape, self.input_tensors) 251 return nest.map_structure(backend.int_shape, self.output_tensors) 261 inbound_layers = nest.map_structure(lambda t: t._keras_history.layer,
|
D | data_adapter.py | 360 return nest.map_structure(random_ops.random_shuffle, batch) 386 return nest.map_structure(lambda d: array_ops.gather(d, i, axis=0), data) 833 output_shapes = nest.map_structure(_get_dynamic_shape, peek) 834 output_types = nest.map_structure(lambda t: t.dtype, peek) 866 data = nest.map_structure(_convert_dtype, data) 1051 inputs = nest.map_structure(_convert_numpy_and_scipy, inputs) 1080 target_str = str(nest.map_structure(lambda _: "...", target_structure)) 1081 mode_str = str(nest.map_structure(lambda _: "...", sample_weight_modes)) 1446 return nest.map_structure(_expand_single_1d_tensor, data) 1503 train_arrays = nest.map_structure( [all …]
|
D | base_layer.py | 773 inputs = nest.map_structure(_make_placeholder_like, input_shape) 783 return nest.map_structure(lambda t: t.shape, outputs) 815 input_shape = nest.map_structure(check_type_return_shape, input_signature) 823 return nest.map_structure( 835 input_signature = nest.map_structure( 839 return nest.map_structure(keras_tensor.KerasTensor, output_signature) 864 inputs = nest.map_structure( 866 args = nest.map_structure( 868 kwargs = nest.map_structure( 870 input_masks = nest.map_structure( [all …]
|
D | compile_utils.py | 68 struct = nest.map_structure(lambda _: struct, outputs) 96 return nest.map_structure(self._copy_object, objects) 99 return nest.map_structure(lambda _: _broadcast_fn(), outputs) 141 self._losses = nest.map_structure(self._get_loss_object, self._losses) 557 flat_paths = nest.map_structure(one_index, flat_paths)
|
/external/tensorflow/tensorflow/python/keras/layers/ |
D | wrappers.py | 180 nest.map_structure(lambda x: x.ndims, input_shape)) 186 self.input_spec = nest.map_structure( 188 child_input_shape = nest.map_structure(self._remove_timesteps, input_shape) 196 child_input_shape = nest.map_structure(self._remove_timesteps, input_shape) 207 return nest.map_structure(insert_timesteps, child_output_shape) 214 input_shape = nest.map_structure( 237 y = nest.map_structure( 244 is_ragged_input = nest.map_structure( 248 input_values = nest.map_structure(lambda x: x.values, inputs) 249 input_row_lenghts = nest.map_structure( [all …]
|
/external/tensorflow/tensorflow/python/data/util/ |
D | nest_test.py | 249 structure1_plus1 = nest.map_structure(lambda x: x + 1, structure1) 254 structure1_plus_structure2 = nest.map_structure( 260 self.assertEqual(3, nest.map_structure(lambda x: x - 1, 4)) 262 self.assertEqual(7, nest.map_structure(lambda x, y: x + y, 3, 4)) 265 nest.map_structure("bad", structure1_plus1) 268 nest.map_structure(lambda x, y: None, 3, (3,)) 271 nest.map_structure(lambda x, y: None, ((3, 4), 5), {"a": (3, 4), "b": 5}) 274 nest.map_structure(lambda x, y: None, ((3, 4), 5), (3, (4, 5))) 277 nest.map_structure(lambda x, y: None, ((3, 4), 5), (3, (4, 5)), 281 nest.map_structure(lambda x: None, structure1, foo="a") [all …]
|
D | sparse_test.py | 323 shapes = nest.map_structure(lambda _: tensor_shape.TensorShape(None), 325 types = nest.map_structure(lambda _: dtypes.int32, classes) 353 shapes = nest.map_structure(lambda _: tensor_shape.TensorShape(None), 355 types = nest.map_structure(lambda _: dtypes.int32, classes)
|
/external/tensorflow/tensorflow/python/util/ |
D | nest_test.py | 127 new_structure = nest.map_structure(lambda x: x, structure) 457 structure1_plus1 = nest.map_structure(lambda x: x + 1, structure1) 462 structure1_plus_structure2 = nest.map_structure( 468 self.assertEqual(3, nest.map_structure(lambda x: x - 1, 4)) 470 self.assertEqual(7, nest.map_structure(lambda x, y: x + y, 3, 4)) 480 nest.map_structure(lambda x: x + 1, structure3)) 483 self.assertEqual((), nest.map_structure(lambda x: x + 1, ())) 484 self.assertEqual([], nest.map_structure(lambda x: x + 1, [])) 485 self.assertEqual({}, nest.map_structure(lambda x: x + 1, {})) 486 self.assertEqual(NestTest.EmptyNT(), nest.map_structure(lambda x: x + 1, [all …]
|
/external/tensorflow/tensorflow/python/data/experimental/ops/ |
D | batching.py | 352 self._element_spec = nest.map_structure( 357 self._element_spec = nest.map_structure( 419 self._structure = nest.map_structure(to_ragged_spec, 441 map_fn = lambda *value: nest.map_structure(to_ragged_variant, value) 443 map_fn = lambda value: nest.map_structure(to_ragged_variant, value)
|
D | scan_ops.py | 66 old_state_classes = nest.map_structure( 80 old_state_types = nest.map_structure( 93 old_state_shapes = nest.map_structure(
|
/external/tensorflow/tensorflow/python/ops/ragged/ |
D | ragged_map_ops.py | 162 dtype = nest.map_structure(lambda e: e.dtype, elems) 163 dtype = nest.map_structure(_ragged_type_to_spec, dtype)
|
/external/tensorflow/tensorflow/python/keras/saving/ |
D | metrics_serialization_test.py | 170 metric_input = nest.map_structure(get_instance, value) 171 weighted_metric_input = nest.map_structure(get_instance, value) 215 metric_input = nest.map_structure(get_instance, value) 216 weighted_metric_input = nest.map_structure(get_instance, value)
|
/external/tensorflow/tensorflow/python/distribute/coordinator/ |
D | cluster_coordinator.py | 227 self._fetched_numpys = nest.map_structure( 260 nest.map_structure(_get_error, structure) 318 return nest.map_structure(_get, structured) 331 nest.map_structure(_raise_if_remote_value, structured) 363 *nest.map_structure(_maybe_as_type_spec, replica_args), 364 **nest.map_structure(_maybe_as_type_spec, replica_kwargs)) 411 *nest.map_structure(_maybe_get_remote_value, replica_args), 412 **nest.map_structure(_maybe_get_remote_value, replica_kwargs)) 1301 return nest.map_structure(_maybe_fetch, val)
|
/external/tensorflow/tensorflow/python/ops/parallel_for/ |
D | control_flow_ops.py | 287 loop_fn_output_tensors = nest.map_structure(_composite_to_tensors, 358 nest.map_structure(_composite_to_tensors, loop_fn_outputs)) 520 elems = nest.map_structure(ops.convert_to_tensor, 525 gathered_elems = nest.map_structure( 531 nest.map_structure(
|
/external/tensorflow/tensorflow/python/framework/ |
D | composite_tensor_test.py | 72 component_specs = nest.map_structure(type_spec.type_spec_from_value, 272 result = nest.map_structure( 355 ct4 = nest.map_structure(func, ct1, ct2, expand_composites=True) 360 nest.map_structure(func, ct2, ct3, expand_composites=True) 408 spec = nest.map_structure(type_spec.type_spec_from_value, value,
|
/external/tensorflow/tensorflow/lite/python/ |
D | tflite_keras_util.py | 54 specs = nest.map_structure(_clear_name, specs) 133 flat_paths = nest.map_structure(one_index, flat_paths)
|
/external/tensorflow/tensorflow/python/distribute/ |
D | input_lib.py | 813 element_spec = nest.map_structure( 827 element_spec = nest.map_structure( 856 element_spec = nest.map_structure( 910 return nest.map_structure( 1139 return nest.map_structure( 1317 return nest.map_structure( 1508 return nest.map_structure(create_dummy_tensor, value_structure) 1791 return nest.map_structure( 1803 return nest.map_structure( 1815 return nest.map_structure( [all …]
|
D | distribute_utils.py | 143 return nest.map_structure(_get, structured) 161 nest.map_structure(_assert_mirrored, structured) 168 … return nest.map_structure(extended._local_results, regrouped) # pylint: disable=protected-access
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_MutexLock.pbtxt | 41 r = nest.map_structure(tf.identity, r) 44 return nest.map_structure(tf.identity, r)
|
/external/tensorflow/tensorflow/python/ops/ |
D | functional_ops.py | 136 elems_ta = nest.map_structure(create_ta, elems) 139 a = nest.map_structure(lambda elem: elem.read(0), elems_ta) 146 elem_i = nest.map_structure(lambda elem: elem.read(i), elems_ta) 331 elems_ta = nest.map_structure(create_ta, elems) 335 a = nest.map_structure(lambda elem: elem.read(i), elems_ta) 342 elem = nest.map_structure(lambda elem: elem.read(i), elems_ta)
|
D | control_flow_ops.py | 204 return nest.map_structure(_Identity, data, expand_composites=True) 217 return nest.map_structure(_NextIteration, data, expand_composites=True) 265 return nest.map_structure(enter_component, data, expand_composites=True) 289 return nest.map_structure(exit, data, expand_composites=True) 623 return nest.map_structure(update_component, m, v, expand_composites=True) 766 nest.map_structure(fn, result, expand_composites=True) 1065 v = nest.map_structure( 1082 original_result = nest.map_structure( 1087 result = nest.map_structure( 1298 nest.map_structure(_cast_indexed_slice_indices, orig_res_t, orig_res_f) [all …]
|
D | custom_gradient.py | 299 output_ops = nest.map_structure(gen_array_ops.identity, output_ops) 320 args = nest.map_structure(ops.convert_to_tensor, args) 527 id_args = nest.map_structure(gen_array_ops.identity, args)
|
/external/tensorflow/tensorflow/tools/api/golden/v1/ |
D | tensorflow.nest.pbtxt | 16 name: "map_structure"
|