HomeSort by relevance Sort by last modified time
    Searched refs:constant (Results 201 - 225 of 1833) sorted by null

1 2 3 4 5 6 7 891011>>

  /external/tensorflow/tensorflow/python/ops/
image_grad_test.py 45 input_tensor = constant_op.constant(x, shape=in_shape)
62 input_tensor = constant_op.constant(x, shape=in_shape)
78 input_tensor = constant_op.constant(x, shape=in_shape)
94 input_tensor = constant_op.constant(x, shape=in_shape)
101 input_tensor = constant_op.constant(x, shape=in_shape)
118 input_tensor = constant_op.constant(x, shape=in_shape)
133 input_tensor = constant_op.constant(x, shape=in_shape)
147 input_tensor = constant_op.constant(x, shape=in_shape)
169 input_tensor = constant_op.constant(x, shape=in_shape)
185 input_tensor = constant_op.constant(x.astype(dtype), shape=in_shape
    [all...]
  /external/tensorflow/tensorflow/python/ops/ragged/
ragged_operators_test.py 31 x = ragged_factory_ops.constant([[1, 5], [3]])
32 y = ragged_factory_ops.constant([[4, 5], [1]])
39 x = ragged_factory_ops.constant([[1.0, -2.0], [8.0]])
40 y = ragged_factory_ops.constant([[4.0, 4.0], [2.0]])
73 a = ragged_factory_ops.constant([[True, True], [False]])
74 b = ragged_factory_ops.constant([[True, False], [False]])
90 a = ragged_factory_ops.constant([[True, True], [False]])
ragged_to_sparse_op_test.py 39 rt = ragged_factory_ops.constant([[1, 2, 3], [4], [], [5, 6]])
47 rt = ragged_factory_ops.constant([['a', 'b'], ['c', 'd', 'e'], ['f'], [],
56 rt = ragged_factory_ops.constant(
70 rt = ragged_factory_ops.constant(
94 rt = ragged_factory_ops.constant(
122 rt = ragged_factory_ops.constant([[1, 2], [3, 4, 5], [6], [], [7]])
128 rt = ragged_factory_ops.constant([[[1, 2]], [], [[3, 4]], []],
135 rt = ragged_factory_ops.constant([[[1], [2, 3, 4, 5, 6, 7]], [[]]])
185 rt1 = ragged_factory_ops.constant(
187 rt2 = ragged_factory_ops.constant(
    [all...]
  /external/tensorflow/tensorflow/java/src/main/java/org/tensorflow/examples/
LabelImage.java 89 // Since the graph is being constructed once per execution here, we can use a constant for the
92 final Output<String> input = b.constant("input", imageBytes);
99 b.constant("make_batch", 0)),
100 b.constant("size", new int[] {H, W})),
101 b.constant("mean", mean)),
102 b.constant("scale", scale));
201 <T> Output<T> constant(String name, Object value, Class<T> type) { method in class:LabelImage.GraphBuilder
210 Output<String> constant(String name, byte[] value) { method in class:LabelImage.GraphBuilder
211 return this.constant(name, value, String.class);
214 Output<Integer> constant(String name, int value) method in class:LabelImage.GraphBuilder
218 Output<Integer> constant(String name, int[] value) { method in class:LabelImage.GraphBuilder
222 Output<Float> constant(String name, float value) { method in class:LabelImage.GraphBuilder
    [all...]
  /external/tensorflow/tensorflow/python/kernel_tests/
conv1d_transpose_test.py 46 x = constant_op.constant(
48 f = constant_op.constant(
74 x = constant_op.constant(
76 f = constant_op.constant(
103 x = constant_op.constant(
105 f = constant_op.constant(
143 x = constant_op.constant(x_val, name="x", dtype=dtypes.float32)
144 f = constant_op.constant(f_val, name="f", dtype=dtypes.float32)
166 x = constant_op.constant(
168 f = constant_op.constant(
    [all...]
slice_op_test.py 40 a = constant_op.constant(inp, shape=[4, 4], dtype=dtypes.float32)
49 a = constant_op.constant(inp, shape=[4, 4], dtype=dtypes.int32)
56 a = constant_op.constant([0, 1, 2], dtype=dtypes.int32)
59 i = constant_op.constant(1, dtype=dtypes.int64)
76 a_int32 = constant_op.constant([0, 1, 2], dtype=dtypes.int32)
83 a_float32 = constant_op.constant([0, 1, 2], dtype=dtypes.float32)
92 a = constant_op.constant([0, 1, 2], dtype=dtypes.int64)
95 i = constant_op.constant(1, dtype=dtypes.int32)
120 a = constant_op.constant(inp, shape=[4, 4, 4, 4], dtype=dtypes.float32)
134 a = constant_op.constant(inp, shape=[10], dtype=dtypes.float32
    [all...]
stack_op_test.py 54 xs = list(map(constant_op.constant, data))
65 xs = list(map(constant_op.constant, data))
75 xs = list(map(constant_op.constant, data))
100 a = constant_op.constant([1, 2, 3, 4, 5, 6])
142 xs = list(map(constant_op.constant, data))
157 xs = list(map(constant_op.constant, data))
189 t = [constant_op.constant([1, 2, 3]), constant_op.constant([4, 5, 6])]
200 t = [constant_op.constant([1, 2, 3]), constant_op.constant([4, 5, 6])
    [all...]
gradient_correctness_test.py 36 x = constant_op.constant(1.0, dtype=dtypes.float32)
47 x = constant_op.constant(3.)
54 x = constant_op.constant(3)
61 x = constant_op.constant([3.9, 4.1])
70 x = constant_op.constant([3.9, 4.1])
78 k = constant_op.constant([3, 4])
86 k = constant_op.constant([3, 4])
93 k = constant_op.constant([3, 4])
100 k = constant_op.constant([3, 4])
108 k = constant_op.constant(3
    [all...]
  /external/mesa3d/src/compiler/glsl/
builtin_int64.h 45 body.emit(assign(r0008, rshift(swizzle_y(r0007), body.constant(int(31))), 0x02));
48 ir_expression *const r000A = nequal(r0009, body.constant(int(0)));
82 body.emit(assign(r0010, add(r0012, body.constant(int(32))), 0x01));
85 ir_expression *const r0014 = equal(swizzle_y(r000D), body.constant(0u));
101 body.emit(assign(r0017, body.constant(int(31)), 0x01));
110 ir_expression *const r001B = less(r0017, body.constant(int(1)));
126 ir_expression *const r001D = sub(body.constant(int(31)), r0017);
140 ir_expression *const r0023 = lshift(body.constant(1u), r0017);
149 body.emit(assign(r0017, add(r0017, body.constant(int(-1))), 0x01));
166 body.emit(assign(r0011, bit_or(swizzle_y(r0011), body.constant(1u)), 0x02))
    [all...]
  /external/tensorflow/tensorflow/contrib/image/python/kernel_tests/
image_ops_test.py 57 angles = constant_op.constant([0.0, np.pi / 4.0, np.pi / 2.0],
79 angles = constant_op.constant([np.pi / 4.0, 1.0, -np.pi / 2.0],
96 image = constant_op.constant(
101 translation = constant_op.constant([-1, -1], dtypes.float32)
112 image = constant_op.constant(
121 translation = constant_op.constant([1, 0, -1,
136 image = constant_op.constant(
141 transformation = constant_op.constant([1, 0, 0, 0, 1, 0, -1, 0],
152 image = constant_op.constant(
181 image = constant_op.constant(
    [all...]
  /external/tensorflow/tensorflow/python/kernel_tests/distributions/
uniform_test.py 62 a = constant_op.constant([-3.0] * 5 + [15.0])
63 b = constant_op.constant([11.0] * 5 + [20.0])
87 a = constant_op.constant([-3.0] * 5)
88 b = constant_op.constant(11.0)
98 a = constant_op.constant([0.0, 5.0])
99 b = constant_op.constant(10.0)
111 a = constant_op.constant([1.0] * batch_size)
112 b = constant_op.constant([11.0] * batch_size)
152 a = constant_op.constant([3.0, 4.0])
153 b = constant_op.constant(13.0
    [all...]
  /external/tensorflow/tensorflow/python/training/
gradient_descent_test.py 45 grads0 = constant_op.constant([0.1, 0.1], dtype=dtype)
46 grads1 = constant_op.constant([0.01, 0.01], dtype=dtype)
69 grads0 = constant_op.constant([0.1, 0.1], dtype=dtype)
70 grads1 = constant_op.constant([0.01, 0.01], dtype=dtype)
95 grads0 = constant_op.constant([0.1, 0.1], dtype=dtype)
96 grads1 = constant_op.constant([0.01, 0.01], dtype=dtype)
122 x = constant_op.constant([[4.0], [5.0]], dtype=dtype)
149 x = constant_op.constant([[4.0], [5.0]], dtype=dtype)
177 grads0 = constant_op.constant([0.1, 0.1], dtype=dtype)
178 grads1 = constant_op.constant([0.01, 0.01], dtype=dtype
    [all...]
ftrl_test.py 48 grads0 = constant_op.constant([0.1, 0.2], dtype=dtype)
49 grads1 = constant_op.constant([0.01, 0.02], dtype=dtype)
86 grads0 = constant_op.constant([0.1, 0.2], dtype=dtype)
87 grads1 = constant_op.constant([0.01, 0.02], dtype=dtype)
115 x = constant_op.constant([[4.0], [5.0]], dtype=dtype)
135 grads0 = constant_op.constant([0.1, 0.2], dtype=dtype)
136 grads1 = constant_op.constant([0.01, 0.02], dtype=dtype)
165 grads0 = constant_op.constant([0.1, 0.2], dtype=dtype)
166 grads1 = constant_op.constant([0.01, 0.02], dtype=dtype)
194 The addition of this parameter which places a constant pressure on weight
    [all...]
adagrad_test.py 50 grads0 = constant_op.constant([0.1, 0.1], dtype=dtype)
51 grads1 = constant_op.constant([0.01, 0.01], dtype=dtype)
105 x = constant_op.constant([[4.0], [5.0]], dtype=dtype)
126 grads0 = constant_op.constant([0.1, 0.1], dtype=dtype)
127 grads1 = constant_op.constant([0.01, 0.01], dtype=dtype)
129 constant_op.constant(3.0), initial_accumulator_value=0.1)
154 constant_op.constant(
156 constant_op.constant([0]),
157 constant_op.constant([2, 1]))
159 constant_op.constant(
    [all...]
  /external/tensorflow/tensorflow/contrib/graph_editor/tests/
transform_test.py 46 c0 = constant_op.constant(1.0, shape=[10], name="Const")
48 c1 = constant_op.constant(1.0, shape=[10], name="Const")
49 c2 = constant_op.constant(1.0, shape=[10], name="Const")
50 i = constant_op.constant(1.0, shape=[10], name="Input")
76 a = constant_op.constant(1)
77 b = constant_op.constant(1)
99 constant_op.constant(1.0, shape=[10], name="Noise"),
146 ten = constant_op.constant(10.0, shape=[10], name="Input")
156 a = constant_op.constant(1.0, name="a")
158 eps = constant_op.constant(0.001, name="eps"
    [all...]
  /external/tensorflow/tensorflow/python/keras/optimizer_v2/
ftrl_test.py 48 grads0 = constant_op.constant([0.1, 0.2], dtype=dtype)
49 grads1 = constant_op.constant([0.01, 0.02], dtype=dtype)
86 grads0 = constant_op.constant([0.1, 0.2], dtype=dtype)
87 grads1 = constant_op.constant([0.01, 0.02], dtype=dtype)
115 x = constant_op.constant([[4.0], [5.0]], dtype=dtype)
138 grads0 = constant_op.constant([0.1, 0.2], dtype=dtype)
139 grads1 = constant_op.constant([0.01, 0.02], dtype=dtype)
168 grads0 = constant_op.constant([0.1, 0.2], dtype=dtype)
169 grads1 = constant_op.constant([0.01, 0.02], dtype=dtype)
197 The addition of this parameter which places a constant pressure on weight
    [all...]
  /external/tensorflow/tensorflow/contrib/layers/python/layers/
embedding_ops_test.py 78 constant_op.constant(indices, dtypes.int64),
79 constant_op.constant(ids, dtypes.int64),
80 constant_op.constant(shape, dtypes.int64))
83 constant_op.constant(indices, dtypes.int64),
84 constant_op.constant(weights, dtypes.float32),
85 constant_op.constant(shape, dtypes.int64))
104 constant_op.constant(indices, dtypes.int64),
105 constant_op.constant(ids, dtypes.int64),
106 constant_op.constant(shape, dtypes.int64))
109 constant_op.constant(indices, dtypes.int64)
    [all...]
  /external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
debug_test.py 64 feature_dict = {'features': constant_op.constant(features)}
67 my_labels = constant_op.constant(my_labels)
236 'feature': constant_op.constant(iris.data, dtype=dtypes.float32)
237 }, constant_op.constant(
277 constant_op.constant([[.8], [0.2], [.1]]),
286 return features, constant_op.constant([[1], [0], [0]], dtype=dtypes.int32)
306 constant_op.constant([[50], [20], [10]]),
315 labels = constant_op.constant([[0.8], [0.], [0.2]], dtype=dtypes.float32)
345 'feature': constant_op.constant(iris.data, dtype=dtypes.float32)
346 }, constant_op.constant(
    [all...]
dnn_linear_combined_test.py 121 # Set lr mult to 0. to keep embeddings constant.
134 labels = constant_op.constant([[0], [0], [0]], dtype=dtypes.int32)
155 # Set lr mult to 0. to keep language embeddings constant, whereas wire
175 labels = constant_op.constant([[1], [0], [0]], dtype=dtypes.int32)
262 constant_op.constant([1]),
266 }, constant_op.constant([[1]])
323 labels = constant_op.constant([[0.8], [0.], [0.2]], dtype=dtypes.float32)
387 constant_op.constant(
397 constant_op.constant(
436 constant_op.constant(iris.data[:, i], dtype=dtypes.float32)
    [all...]
  /external/tensorflow/tensorflow/compiler/tests/
proximal_adagrad_test.py 38 grads0 = constant_op.constant([0.1, 0.2])
39 grads1 = constant_op.constant([0.01, 0.02])
68 grads0 = constant_op.constant([0.1, 0.2])
69 grads1 = constant_op.constant([0.01, 0.02])
92 grads0 = constant_op.constant([0.1, 0.2])
93 grads1 = constant_op.constant([0.01, 0.02])
116 grads0 = constant_op.constant([0.1, 0.2])
117 grads1 = constant_op.constant([0.01, 0.02])
140 grads0 = constant_op.constant([0.1, 0.2])
141 grads1 = constant_op.constant([0.01, 0.02]
    [all...]
proximal_gradient_descent_test.py 38 grads0 = constant_op.constant([0.1, 0.2])
39 grads1 = constant_op.constant([0.01, 0.02])
59 grads0 = constant_op.constant([0.1, 0.2])
60 grads1 = constant_op.constant([0.01, 0.02])
81 grads0 = constant_op.constant([0.1, 0.2])
82 grads1 = constant_op.constant([0.01, 0.02])
103 grads0 = constant_op.constant([0.1, 0.2])
104 grads1 = constant_op.constant([0.01, 0.02])
124 grads0 = constant_op.constant([0.1, 0.2])
125 grads1 = constant_op.constant([0.01, 0.02]
    [all...]
  /external/tensorflow/tensorflow/compiler/xla/service/
hlo_schedule_test.cc 49 c = f32[] constant(42.0)
83 c = f32[] constant(42.0)
99 HloInstruction* constant = entry->AddInstruction( local
102 shape, HloOpcode::kSubtract, constant, entry->root_instruction()));
110 EXPECT_FALSE(in_schedule(constant));
118 EXPECT_TRUE(in_schedule(constant));
131 c = f32[] constant(42.0)
147 // constant.
149 HloInstruction* constant = entry->AddInstruction( local
152 HloInstruction::CreateBinary(constant->shape(), HloOpcode::kSubtract
192 HloInstruction* constant = entry->AddInstruction( local
    [all...]
  /external/tensorflow/tensorflow/python/autograph/operators/
control_flow_test.py 35 constant_op.constant([1, 2, 3, 4]),
55 init_state=(constant_op.constant(0, dtype=dtypes.int64),))
76 n = constant_op.constant(5)
90 init_state=(0, constant_op.constant(0)),
105 init_state=(constant_op.constant(0), constant_op.constant(0)),
139 t = self.single_return_if_stmt(constant_op.constant(True))
141 t = self.single_return_if_stmt(constant_op.constant(False))
151 t = self.multi_return_if_stmt(constant_op.constant(True))
153 t = self.multi_return_if_stmt(constant_op.constant(False)
    [all...]
  /external/tensorflow/tensorflow/python/saved_model/
load_v1_in_v2_test.py 84 self.evaluate(fn(constant_op.constant(2.))))
88 self.evaluate(fn(start=constant_op.constant(2.))))
91 self.evaluate(fn(start=constant_op.constant(3.))))
95 output = fn(start=constant_op.constant(4.))
103 self.assertEqual(6., fn(start=constant_op.constant(2.))["output"].numpy())
141 first_start=constant_op.constant(2.))))
145 second_imported.signatures["second_key"](x=constant_op.constant(2.))
148 second_start=constant_op.constant(2.),
149 x=constant_op.constant(2.))
152 second_start=constant_op.constant(2.)))
    [all...]
load_test.py 98 self.assertEqual(4., imported.f(constant_op.constant(2.)).numpy())
100 self.assertEqual(8., imported.f(constant_op.constant(2.)).numpy())
204 root.f(constant_op.constant(1.))
205 root.f(constant_op.constant(1))
209 self.assertEqual(4., imported.f(constant_op.constant(2.)).numpy())
210 self.assertEqual(14, imported.f(constant_op.constant(7)).numpy())
222 self.assertEqual(4., imported.f(constant_op.constant(2.0)).numpy())
238 self.assertEqual(4., imported.f(constant_op.constant(2.0)).numpy())
251 imported.g(constant_op.constant([1.0]))
264 self.assertEqual(20, root.f(constant_op.constant(10), True).numpy()
    [all...]

Completed in 474 milliseconds

1 2 3 4 5 6 7 891011>>