HomeSort by relevance Sort by last modified time
    Searched refs:constant_op (Results 226 - 250 of 623) sorted by null

1 2 3 4 5 6 7 8 91011>>

  /external/tensorflow/tensorflow/contrib/training/python/training/
training_test.py 28 from tensorflow.python.framework import constant_op
94 tf_inputs = constant_op.constant(self._inputs, dtype=dtypes.float32)
95 tf_labels = constant_op.constant(self._labels, dtype=dtypes.float32)
108 tf_inputs = constant_op.constant(self._inputs, dtype=dtypes.float32)
109 tf_labels = constant_op.constant(self._labels, dtype=dtypes.float32)
145 tf_inputs = constant_op.constant(self._inputs, dtype=dtypes.float32)
146 tf_labels = constant_op.constant(self._labels, dtype=dtypes.float32)
178 tf_inputs = constant_op.constant(self._inputs, dtype=dtypes.float32)
179 tf_labels = constant_op.constant(self._labels, dtype=dtypes.float32)
201 tf_inputs = constant_op.constant(self._inputs, dtype=dtypes.float32
    [all...]
evaluation_test.py 35 from tensorflow.python.framework import constant_op
169 tf_inputs = constant_op.constant(self._inputs, dtype=dtypes.float32)
170 tf_labels = constant_op.constant(self._labels, dtype=dtypes.float32)
194 inputs = constant_op.constant(self._inputs, dtype=dtypes.float32)
195 labels = constant_op.constant(self._labels, dtype=dtypes.float32)
220 inputs = constant_op.constant(self._inputs, dtype=dtypes.float32)
247 inputs = constant_op.constant(self._inputs, dtype=dtypes.float32)
287 tf_inputs = constant_op.constant(self._inputs, dtype=dtypes.float32)
288 tf_labels = constant_op.constant(self._labels, dtype=dtypes.float32)
309 inputs = constant_op.constant(self._inputs, dtype=dtypes.float32
    [all...]
  /external/tensorflow/tensorflow/python/kernel_tests/
sparse_add_op_test.py 26 from tensorflow.python.framework import constant_op
83 constant_op.constant(ind, dtypes.int64),
84 constant_op.constant(val, dtypes.float32),
85 constant_op.constant(shape, dtypes.int64))
168 constant_op.constant(dense_np)).eval()
173 s = sparse_ops.sparse_add(constant_op.constant(dense_np),
186 dense = constant_op.constant(dense_np, dtype=dtypes.float32)
197 dense = constant_op.constant(np.zeros(shape, dtype=np.int32))
222 sparse_ops.sparse_tensor_to_dense(sp_t), constant_op.constant(vals))
223 sa = sparse_ops.sparse_add(sp_t, constant_op.constant(vals)
    [all...]
py_func_test.py 29 from tensorflow.python.framework import constant_op
54 x = constant_op.constant(1.0, dtypes.float32)
55 y = constant_op.constant(2.0, dtypes.float32)
61 x = constant_op.constant(1.0, dtypes.float32)
62 y = constant_op.constant(2.0, dtypes.float32)
69 x = constant_op.constant([1.0, 2.0], dtypes.float64)
70 y = constant_op.constant([2.0, 3.0], dtypes.float64)
77 x = constant_op.constant(1 + 2j, dtypes.complex64)
78 y = constant_op.constant(3 + 4j, dtypes.complex64)
84 x = constant_op.constant([1., 2., 3., 4.], dtypes.float32
    [all...]
xent_op_test.py 23 from tensorflow.python.framework import constant_op
160 l = constant_op.constant(
165 f = constant_op.constant(
187 l = constant_op.constant(
192 f = constant_op.constant(
205 l = constant_op.constant(
213 f = constant_op.constant(
morphological_ops_test.py 23 from tensorflow.python.framework import constant_op
49 constant_op.constant(image),
50 constant_op.constant(kernel),
208 image_tensor = constant_op.constant(
210 kernel_tensor = constant_op.constant(
324 constant_op.constant(image),
325 constant_op.constant(kernel),
483 image_tensor = constant_op.constant(
485 kernel_tensor = constant_op.constant(
bcast_ops_test.py 21 from tensorflow.python.framework import constant_op
143 constant_op.constant([2, 3, 5], dtype=dtype),
144 constant_op.constant([1], dtype=dtype))
148 constant_op.constant([2, 3, 5], dtype=dtype),
149 constant_op.constant([1], dtype=dtype))
neon_depthwise_conv_op_test.py 23 from tensorflow.python.framework import constant_op
119 t1 = constant_op.constant(x1, shape=tensor_in_sizes)
121 t2 = constant_op.constant(x2, shape=filter_in_sizes)
209 t1 = constant_op.constant(x1, shape=tensor_in_sizes)
211 t2 = constant_op.constant(x2, shape=filter_in_sizes)
reshape_op_test.py 23 from tensorflow.python.framework import constant_op
41 y64 = constant_op.constant(y, dtype=dtypes.int64)
98 input_tensor = constant_op.constant(x)
115 y = constant_op.constant(0.0, shape=[23, 29, 31])
119 z = constant_op.constant(0.0, shape=[32, 128])
shape_ops_test.py 24 from tensorflow.python.framework import constant_op
243 inp = constant_op.constant(
253 inp = constant_op.constant(7)
257 inp = constant_op.constant(True)
266 tensor = array_ops.expand_dims(x, constant_op.constant(0, dtype))
416 a = constant_op.constant(7, shape=[], dtype=dtypes.float32)
428 a = constant_op.constant(inp)
429 tiled = array_ops.tile(a, constant_op.constant([1, 4], dtype=dtype))
438 a = constant_op.constant(inp)
448 a = constant_op.constant(inp
    [all...]
  /external/tensorflow/tensorflow/python/data/util/
sparse_test.py 23 from tensorflow.python.framework import constant_op
244 "classes": constant_op.constant([1]),
252 "classes": (constant_op.constant([1])),
264 "classes": (constant_op.constant([1]), ()),
268 "classes": ((), constant_op.constant([1])),
272 "classes": (s, (), constant_op.constant([1])),
280 "classes": ((), constant_op.constant([1]), ()),
  /external/tensorflow/tensorflow/python/ops/
nn_xent_test.py 25 from tensorflow.python.framework import constant_op
51 logits = constant_op.constant(x, shape=sizes, dtype=dtype, name="logits")
52 targets = constant_op.constant(y, shape=sizes, dtype=dtype, name="targets")
97 logits = constant_op.constant([0.0, 0.0], dtype=dtypes.float64)
98 targets = constant_op.constant([0.0, 1.0], dtype=dtypes.float64)
127 logits = constant_op.constant(x, shape=sizes, dtype=dtype, name="logits")
128 targets = constant_op.constant(y, shape=sizes, dtype=dtype, name="targets")
image_ops_test.py 32 from tensorflow.python.framework import constant_op
62 batch0 = constant_op.constant(inp)
101 batch0 = constant_op.constant(inp)
130 batch0 = constant_op.constant(inp)
171 x_tf = constant_op.constant(x_np, shape=x_np.shape)
193 x_tf = constant_op.constant(x_np, shape=x_np.shape)
203 x_tf = constant_op.constant(x_np, shape=x_np.shape)
242 x = constant_op.constant(x_np, shape=x_np.shape)
256 x = constant_op.constant(x_np, shape=x_np.shape)
274 x = constant_op.constant(x_np, shape=x_np.shape
    [all...]
  /external/tensorflow/tensorflow/python/training/
momentum_test.py 25 from tensorflow.python.framework import constant_op
57 grads0 = constant_op.constant([0.1, 0.1], dtype=dtype)
58 grads1 = constant_op.constant([0.01, 0.01], dtype=dtype)
222 x_feed, constant_op.constant([0, 1]), constant_op.constant([2]))
223 grads_and_vars = [(y_feed, var0), (constant_op.constant(
244 x = constant_op.constant([[4.0], [5.0]], dtype=dtype)
275 grads0 = constant_op.constant([0.1, 0.1], dtype=dtype)
276 grads1 = constant_op.constant([0.01, 0.01], dtype=dtype)
278 learning_rate=constant_op.constant(2.0)
    [all...]
  /external/tensorflow/tensorflow/python/framework/
graph_util_test.py 25 from tensorflow.python.framework import constant_op
121 const_0 = constant_op.constant(5.0)
123 const_1 = constant_op.constant(5.0)
125 const_2 = constant_op.constant(5.0)
127 const_3 = constant_op.constant(5.0)
129 const_4 = constant_op.constant(5.0)
131 const_5 = constant_op.constant(5.0)
144 const_0 = constant_op.constant(5.0)
146 const_1 = constant_op.constant(5.0)
148 const_2 = constant_op.constant(5.0
    [all...]
test_util_test.py 33 from tensorflow.python.framework import constant_op
49 constant_op.constant(["hello", "taffy"], name="hello")
61 constant_op.constant(5, name="five")
62 constant_op.constant(7, name="seven")
65 constant_op.constant(7, name="seven")
66 constant_op.constant(5, name="five")
297 x = constant_op.constant(True)
384 nested = {"a": constant_op.constant(1),
385 "b": constant_op.constant(2),
386 "nested": {"d": constant_op.constant(3)
    [all...]
  /external/tensorflow/tensorflow/contrib/crf/python/kernel_tests/
crf_test.py 26 from tensorflow.python.framework import constant_op
60 transition_params=constant_op.constant(transition_params))
97 transition_params=constant_op.constant(transition_params))
142 transition_params=constant_op.constant(transition_params)))
148 transition_params=constant_op.constant(transition_params))
175 transition_params=constant_op.constant(transition_params))
205 transition_params=constant_op.constant(transition_params))
261 transition_params=constant_op.constant(transition_params))
273 constant_op.constant(transition_params),
  /external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/
geometric_test.py 24 from tensorflow.python.framework import constant_op
38 probs = constant_op.constant([.1] * 5)
62 probs = constant_op.constant([.2] * batch_size)
78 probs = constant_op.constant([.9] * batch_size)
100 probs = constant_op.constant([[.2, .3, .5]] * batch_size)
118 probs = constant_op.constant([[.2, .4, .5]] * batch_size)
171 probs = constant_op.constant(probs_v)
172 n = constant_op.constant(100000)
192 probs = constant_op.constant([probs_v] * batch_size)
  /external/tensorflow/tensorflow/contrib/summary/
summary_ops.py 32 from tensorflow.python.framework import constant_op
203 max_queue = constant_op.constant(10)
205 flush_millis = constant_op.constant(2 * 60 * 1000)
207 filename_suffix = constant_op.constant(".v2")
287 return constant_op.constant(False)
335 return constant_op.constant(True)
351 serialized_metadata = constant_op.constant("")
353 serialized_metadata = constant_op.constant(metadata.SerializeToString())
418 bad_color_ = (constant_op.constant([255, 0, 0, 255], dtype=dtypes.uint8)
  /external/tensorflow/tensorflow/contrib/bayesflow/python/kernel_tests/
variable_utils_test.py 27 from tensorflow.python.framework import constant_op
53 x = constant_op.constant(self.dtype([0.1, 0.2]))
73 x = constant_op.constant(self.dtype([0.1, 0.2]))
94 x = constant_op.constant(self.dtype([0.1, 0.2]))
111 x = constant_op.constant(self.dtype([0.1, 0.2]))
  /external/tensorflow/tensorflow/contrib/data/python/kernel_tests/
scan_dataset_op_test.py 27 from tensorflow.python.framework import constant_op
105 return constant_op.constant(1, dtype=dtypes.int64), state
112 scan_ops.scan(constant_op.constant(1, dtype=dtypes.int32), _scan_fn))
117 return constant_op.constant(1, dtype=dtypes.int64)
125 scan_ops.scan(constant_op.constant(1, dtype=dtypes.int32), _scan_fn))
  /external/tensorflow/tensorflow/contrib/signal/python/kernel_tests/
reconstruction_ops_test.py 24 from tensorflow.python.framework import constant_op
55 signal = constant_op.constant(np.ones((3, 5)), dtype=dtypes.int64)
97 signal = constant_op.constant(np.squeeze(self.powers[0, :, :]),
108 signal = constant_op.constant(self.powers, dtype=dtypes.int64)
124 signal = constant_op.constant(input_matrix, dtype=dtypes.float32)
  /external/tensorflow/tensorflow/contrib/solvers/python/kernel_tests/
linear_equations_test.py 24 from tensorflow.python.framework import constant_op
59 a = constant_op.constant(a_np)
60 rhs = constant_op.constant(rhs_np)
61 x = constant_op.constant(x_np)
62 jacobi = constant_op.constant(jacobi_np)
  /external/tensorflow/tensorflow/contrib/tpu/python/tpu/
tpu_infeed_test.py 24 from tensorflow.python.framework import constant_op
87 t1 = constant_op.constant(1, dtypes.int32, shape=[6])
88 t2 = constant_op.constant(2.0, dtypes.float32, shape=[3, 18])
104 t1 = constant_op.constant(1, dtypes.int32, shape=[2])
105 t2 = constant_op.constant(2.0, dtypes.float32, shape=[2, 4])
  /external/tensorflow/tensorflow/python/grappler/
cost_analyzer_test.py 23 from tensorflow.python.framework import constant_op
43 a = constant_op.constant(10, name="a")
44 b = constant_op.constant(20, name="b")
115 a = constant_op.constant(10, name="a")
116 b = constant_op.constant(20, name="b")

Completed in 391 milliseconds

1 2 3 4 5 6 7 8 91011>>