Home
last modified time | relevance | path

Searched refs:initial_value (Results 1 – 25 of 261) sorted by relevance

1234567891011

/external/pytorch/test/
Dtest_segment_reductions.py24 def get_default_value(initial_value, reduction): argument
25 if initial_value is not None:
26 return initial_value
47 initial_value, argument
73 initial=initial_value)
134 initial_value = initial
135 default_value = get_default_value(initial_value, reduction)
144 initial_value = 1000 # some high number
145 default_value = get_default_value(initial_value, reduction)
153 initial_value = 2 # 0 initial_value will zero out everything for prod
[all …]
/external/tensorflow/tensorflow/core/tfrt/saved_model/tests/
Dgen_dtype_coverage_v1.py41 bf16 = variables.Variable(name='bf16', dtype=dtypes.bfloat16, initial_value=1)
42 f16 = variables.Variable(name='f16', dtype=dtypes.float16, initial_value=1)
43 f32 = variables.Variable(name='f32', dtype=dtypes.float32, initial_value=1)
44 f64 = variables.Variable(name='f64', dtype=dtypes.float64, initial_value=1)
46 ui8 = variables.Variable(name='ui8', dtype=dtypes.uint8, initial_value=1)
47 ui16 = variables.Variable(name='ui16', dtype=dtypes.uint16, initial_value=1)
48 ui32 = variables.Variable(name='ui32', dtype=dtypes.uint32, initial_value=1)
49 ui64 = variables.Variable(name='ui64', dtype=dtypes.uint64, initial_value=1)
51 i1 = variables.Variable(name='i1', dtype=dtypes.bool, initial_value=True)
52 i8 = variables.Variable(name='i8', dtype=dtypes.uint8, initial_value=1)
[all …]
/external/tensorflow/tensorflow/dtensor/python/
Dd_variable.py149 def __init__(self, initial_value, *args, dtype=None, **kwargs): argument
161 if callable(initial_value):
162 unwrapped = initial_value
163 if issubclass(type(initial_value), functools.partial):
164 unwrapped = initial_value.func
183 initial_value = api.call_with_layout(
184 initial_value,
189 initial_value = initial_value()
192 if isinstance(initial_value, trackable.CheckpointInitialValue):
193 initial_value = initial_value.wrapped_value
[all …]
/external/tensorflow/tensorflow/python/ops/
Dvariable_spec_test.py63 initial_value=np.ones((3, 15), dtype=np.float32))
65 initial_value=np.ones((3,), dtype=np.int32))
85 initial_value=[1, 2, 3],
90 initial_value=[[1., 2., 3.]],
96 initial_value=None, argument
100 if initial_value is None:
105 initial_value=initial_value,
116 initial_value=[1., 2., 3.],
119 initial_value=[1., 2., 3.],
122 initial_value=[[1, 2, 3]],
[all …]
Dresource_variable_ops.py108 def _combine_handle_data(handle, initial_value): argument
128 if initial_value.dtype != dtypes.variant:
131 extra_handle_data = get_eager_safe_handle_data(initial_value)
147 initial_value=None): argument
169 if initial_value is None:
170 initial_value = handle
172 full_handle_data = _combine_handle_data(handle, initial_value)
182 if initial_value is not None and initial_value.dtype == dtypes.variant:
183 extra_handle_data = get_eager_safe_handle_data(initial_value)
195 def eager_safe_variable_handle(initial_value, shape, shared_name, name, argument
[all …]
Dvariables.py187 initial_value=None, argument
211 initial_value=initial_value,
228 initial_value=None, argument
249 initial_value=initial_value,
373 initial_value=None, argument
554 lambda: self.initial_value)
557 def initial_value(self): member in Variable
1455 initial_value=None, argument
1553 initial_value=None, argument
1642 if initial_value:
[all …]
/external/pytorch/aten/src/ATen/native/cuda/
DSegmentReduce.cu96 scalar_t initial_value, in segment_reduce_forward_kernel() argument
124 initial_value = in segment_reduce_forward_kernel()
125 at::_isnan(data) ? data : std::max<scalar_t>(initial_value, data); in segment_reduce_forward_kernel()
129 initial_value = initial_value + data; in segment_reduce_forward_kernel()
131 initial_value = in segment_reduce_forward_kernel()
132 at::_isnan(data) ? data : std::min<scalar_t>(initial_value, data); in segment_reduce_forward_kernel()
135 initial_value = initial_value * data; in segment_reduce_forward_kernel()
144 initial_value = static_cast<scalar_t>(NAN); in segment_reduce_forward_kernel()
147 !at::_isnan(initial_value)) { in segment_reduce_forward_kernel()
148 initial_value = initial_value / lengths_data[lengths_idx]; in segment_reduce_forward_kernel()
[all …]
/external/pigweed/pw_checksum/public/pw_checksum/
Dcrc16_ccitt.h33 uint16_t initial_value);
52 uint16_t initial_value = kInitialValue) {
54 data.data(), data.size_bytes(), initial_value);
58 uint16_t initial_value = kInitialValue) {
59 return Calculate(ConstByteSpan(&data, 1), initial_value);
/external/tensorflow/tensorflow/python/distribute/
Dparameter_server_strategy_v2_test.py75 v1 = variables.Variable(initial_value=0.0)
77 v2 = variables.Variable(initial_value=1.0)
78 v3 = variables.Variable(initial_value=2.0)
79 v4 = variables.Variable(initial_value=3.0)
80 v5 = variables.Variable(initial_value=4.0)
101 v0 = variables.Variable(initial_value=0.0)
105 v1 = variables.Variable(initial_value=0.0)
110 v2 = variables.Variable(initial_value=0.0)
113 v3 = variables.Variable(initial_value=0.0)
133 v0 = variables.Variable(initial_value=0.0, name="ps1_0")
[all …]
Dparameter_server_strategy_v2.py671 initial_value = kwargs.get("initial_value", None)
672 if initial_value is None:
691 initial_value = functools.partial(initializer, shape=shape, dtype=dtype)
697 init_from_fn = callable(initial_value)
701 initial_value = initial_value()
706 initial_value = ops.convert_to_tensor(initial_value, dtype=dtype)
707 dtype = initial_value.dtype
708 shape = initial_value.shape
745 return initial_value[offsets[shard_index]:offsets[shard_index + 1]]
749 arg_spec = tf_inspect.getfullargspec(initial_value)
[all …]
Dcollective_all_reduce_strategy.py610 initial_value = kwargs["initial_value"]
611 if callable(initial_value):
612 initial_value = initial_value()
613 if isinstance(initial_value, base.CheckpointInitialValue):
614 initial_value = initial_value.wrapped_value
615 assert not callable(initial_value)
616 initial_value = ops.convert_to_tensor(
617 initial_value, dtype=kwargs.get("dtype", None))
622 initial_value, initial_value.shape, initial_value.dtype,
625 return array_ops.identity(initial_value)
[all …]
/external/pytorch/aten/src/ATen/native/
DSegmentReduce.cpp73 scalar_t initial_value; in _segment_reduce_lengths_cpu_kernel1() local
75 initial_value = initial.value().to<scalar_t>(); in _segment_reduce_lengths_cpu_kernel1()
77 initial_value = -std::numeric_limits<scalar_t>::infinity(); in _segment_reduce_lengths_cpu_kernel1()
81 initial_value = 0; in _segment_reduce_lengths_cpu_kernel1()
83 initial_value = std::numeric_limits<scalar_t>::infinity(); in _segment_reduce_lengths_cpu_kernel1()
85 initial_value = 1; in _segment_reduce_lengths_cpu_kernel1()
94 initial_value = at::_isnan(val) in _segment_reduce_lengths_cpu_kernel1()
96 : std::max<scalar_t>(initial_value, val); in _segment_reduce_lengths_cpu_kernel1()
100 initial_value = initial_value + val; in _segment_reduce_lengths_cpu_kernel1()
102 initial_value = at::_isnan(val) in _segment_reduce_lengths_cpu_kernel1()
[all …]
/external/tensorflow/tensorflow/python/eager/
Ddef_function.py209 initial_value=None, argument
278 self, initial_value=initial_value, trainable=trainable,
282 if initial_value is None:
285 init_from_fn = callable(initial_value)
292 if init_from_fn else [initial_value]) as scope_name:
295 initial_value = initial_value()
296 if isinstance(initial_value, trackable.CheckpointInitialValue):
298 self._update_uid = initial_value.checkpoint_position.restore_uid
299 initial_value = initial_value.wrapped_value
301 initial_value = ops.convert_to_tensor(initial_value,
[all …]
/external/tensorflow/tensorflow/core/lib/monitoring/
Dcell_reader.h141 ValueType initial_value = internal::GetLatestValueOrDefault<ValueType>( in Read() local
143 return internal::GetDelta<ValueType>(value, initial_value); in Read()
153 ValueType initial_value = internal::GetLatestValueOrDefault<ValueType>( in Delta() local
156 initial_value = delta_map_[labels_list]; in Delta()
159 return internal::GetDelta<ValueType>(value, initial_value); in Delta()
/external/sdv/vsomeip/third_party/boost/algorithm/test/
Diota_test1.cpp23 BOOST_CXX14_CONSTEXPR bool test_iota_results ( Iterator first, Iterator last, T initial_value ) { in test_iota_results() argument
25 if ( initial_value != *first ) return false; in test_iota_results()
37 BOOST_CXX14_CONSTEXPR bool test_iota_results ( const Range &r, T initial_value ) { in test_iota_results() argument
38 return test_iota_results (boost::begin (r), boost::end (r), initial_value ); in test_iota_results()
/external/tensorflow/tensorflow/compiler/xla/service/
Dtree_reduction_rewriter.cc47 HloInstruction *initial_value = hlo->mutable_operand(1); in HandleReduce() local
95 input_shape, initial_value->shape(), window)); in HandleReduce()
99 intermediate_shape, reduced_op, initial_value, window, in HandleReduce()
103 HloInstruction::CreateReduce(reduce_shape, reduce_window, initial_value, in HandleReduce()
/external/cronet/stable/base/memory/
Dstructured_shared_memory.h96 static std::optional<StructuredSharedMemory> Create(U&& initial_value);
105 U&& initial_value,
235 U&& initial_value) { in Create() argument
236 return CreateWithCustomMapper(std::forward<U>(initial_value), nullptr); in Create()
258 StructuredSharedMemory<T>::CreateWithCustomMapper(U&& initial_value, in CreateWithCustomMapper() argument
267 new (mapped_region.mapping.memory()) T(std::forward<U>(initial_value)); in CreateWithCustomMapper()
/external/cronet/tot/base/memory/
Dstructured_shared_memory.h96 static std::optional<StructuredSharedMemory> Create(U&& initial_value);
105 U&& initial_value,
235 U&& initial_value) { in Create() argument
236 return CreateWithCustomMapper(std::forward<U>(initial_value), nullptr); in Create()
258 StructuredSharedMemory<T>::CreateWithCustomMapper(U&& initial_value, in CreateWithCustomMapper() argument
267 new (mapped_region.mapping.memory()) T(std::forward<U>(initial_value)); in CreateWithCustomMapper()
/external/pigweed/pw_kernel/kernel/scheduler/
Dlocks.rs74 pub const fn new(initial_value: T) -> Self { in new()
76 inner: UnsafeCell::new(initial_value), in new()
110 pub const fn new(initial_value: T) -> Self { in new()
114 inner: initial_value, in new()
/external/cronet/stable/net/third_party/quiche/src/quiche/quic/tools/
Dweb_transport_test_server.cc45 DeviousBatonValue initial_value = in ProcessRequest() local
70 initial_value = parsed_value; in ProcessRequest()
74 session, /*is_server=*/true, initial_value, count); in ProcessRequest()
/external/cronet/tot/net/third_party/quiche/src/quiche/quic/tools/
Dweb_transport_test_server.cc45 DeviousBatonValue initial_value = in ProcessRequest() local
70 initial_value = parsed_value; in ProcessRequest()
74 session, /*is_server=*/true, initial_value, count); in ProcessRequest()
/external/pigweed/pw_bluetooth_sapphire/host/common/public/pw_bluetooth_sapphire/internal/host/common/
Dinspectable.h91 Inspectable(ValueT initial_value,
94 : value_(std::move(initial_value)), in value_() argument
103 explicit Inspectable(ValueT initial_value,
105 : value_(std::move(initial_value)), convert_(std::move(convert)) {} in value_() argument
/external/tensorflow/tensorflow/compiler/tf2xla/
Dxla_resource.cc53 string name, DataType type, TensorShape shape, xla::XlaOp initial_value, in CreateTensorArray() argument
57 initial_value, max_array_size, in CreateTensorArray()
64 xla::XlaOp initial_value, int64_t max_array_size, in XlaResource() argument
73 value_(initial_value), in XlaResource()
74 initial_value_(initial_value), in XlaResource()
/external/tensorflow/tensorflow/python/framework/
Dgraph_to_function_def.py65 initial_value=None): argument
67 if initial_value is None:
70 input_dict = dict(initial_value)
168 initial_value=initial_dict)
/external/federated-compute/fcp/artifact_building/
Dcheckpoint_utils_test.py67 return [tf.Variable(initial_value=b'dog', name='metadata')]
335 tf.Variable(initial_value=1.0, name='z'),
336 tf.Variable(initial_value=2.0, name='x'),
337 tf.Variable(initial_value=3.0, name='y'),
350 'foo': tf.Variable(initial_value=1.0, name='z'),
351 'baz': tf.Variable(initial_value=2.0, name='x'),
352 'bar': tf.Variable(initial_value=3.0, name='y'),

1234567891011