HomeSort by relevance Sort by last modified time
    Searched refs:dtypes (Results 1 - 25 of 893) sorted by null

1 2 3 4 5 6 7 8 91011>>

  /external/tensorflow/tensorflow/python/framework/
dtypes_test.py 15 """Tests for tensorflow.python.framework.dtypes."""
24 from tensorflow.python.framework import dtypes
45 dtypes.DType(datatype_enum).as_datatype_enum)
51 dt = dtypes.as_dtype(datatype_enum)
58 dtype = dtypes.as_dtype(datatype_enum)
61 if dtype.base_dtype != dtypes.bfloat16:
64 dtypes.as_dtype(datatype_enum).base_dtype,
65 dtypes.as_dtype(numpy_dtype))
69 dtypes.DType(types_pb2.DT_INVALID)
71 dtypes.as_dtype(types_pb2.DT_INVALID
    [all...]
tensor_spec_test.py 24 from tensorflow.python.framework import dtypes
36 self.assertEqual(desc.dtype, dtypes.float32)
39 desc = tensor_spec.TensorSpec(tensor_shape.TensorShape([1]), dtypes.float32)
43 desc = tensor_spec.TensorSpec(shape=None, dtype=dtypes.float32)
47 unknown = array_ops.placeholder(dtypes.int64)
48 partial = array_ops.placeholder(dtypes.int64, shape=[None, 1])
49 full = array_ops.placeholder(dtypes.int64, shape=[2, 3])
50 rank3 = array_ops.placeholder(dtypes.int64, shape=[4, 5, 6])
52 desc_unknown = tensor_spec.TensorSpec(None, dtypes.int64)
58 desc_partial = tensor_spec.TensorSpec([2, None], dtypes.int64
    [all...]
  /external/tensorflow/tensorflow/contrib/gan/python/features/python/
conditioning_utils_test.py 23 from tensorflow.python.framework import dtypes
34 array_ops.placeholder(dtypes.float32, tensor_shape),
35 array_ops.placeholder(dtypes.float32, conditioning_shape))
40 array_ops.placeholder(dtypes.float32, (4, 1)),
41 array_ops.placeholder(dtypes.float32, (5, 1)))
45 array_ops.placeholder(dtypes.float32, (5, None)),
46 array_ops.placeholder(dtypes.float32, (5, 1)))
50 array_ops.placeholder(dtypes.float32, (5, 2)),
51 array_ops.placeholder(dtypes.float32, (5)))
55 array_ops.placeholder(dtypes.float32, (5, 4, 1))
    [all...]
  /external/tensorflow/tensorflow/contrib/tpu/python/ops/
tpu_ops.py 24 from tensorflow.python.framework import dtypes
50 dtypes.bool, dtypes.int32, dtypes.bfloat16, dtypes.float32,
51 dtypes.complex64
77 def infeed_dequeue_tuple(dtypes, shapes, name=None):
81 dtypes: A list of `tf.DType`s that has length `>= 1`.
88 A list of `Tensor` objects of type `dtypes`.
92 TypeError: If a type in 'dtypes` is not a supported infeed type
    [all...]
  /external/tensorflow/tensorflow/contrib/tpu/python/tpu/
tpu_infeed_test.py 25 from tensorflow.python.framework import dtypes
39 tuple_types=[dtypes.float32, dtypes.int32, dtypes.int32])
42 [dtypes.float32, dtypes.int32, dtypes.int32])
60 number_of_tuple_elements=2, tuple_types=[dtypes.float32])
71 i.set_tuple_types([dtypes.float32, dtypes.int32]
    [all...]
  /external/tensorflow/tensorflow/contrib/metrics/python/metrics/
classification_test.py 22 from tensorflow.python.framework import dtypes
31 pred = array_ops.placeholder(dtypes.int32, shape=[None])
32 labels = array_ops.placeholder(dtypes.int32, shape=[None])
41 pred = array_ops.placeholder(dtypes.bool, shape=[None])
42 labels = array_ops.placeholder(dtypes.bool, shape=[None])
51 pred = array_ops.placeholder(dtypes.int64, shape=[None])
52 labels = array_ops.placeholder(dtypes.int64, shape=[None])
61 pred = array_ops.placeholder(dtypes.string, shape=[None])
62 labels = array_ops.placeholder(dtypes.string, shape=[None])
72 pred = array_ops.placeholder(dtypes.int32, shape=[None]
    [all...]
  /external/tensorflow/tensorflow/python/estimator/canned/
parsing_utils_test.py 23 from tensorflow.python.framework import dtypes
35 'a': parsing_ops.FixedLenFeature((1,), dtype=dtypes.float32),
36 'b': parsing_ops.FixedLenFeature((1,), dtype=dtypes.int64),
44 label_dtype=dtypes.string)
46 'a': parsing_ops.FixedLenFeature((1,), dtype=dtypes.float32),
47 'b': parsing_ops.FixedLenFeature((1,), dtype=dtypes.string),
59 parsing_ops.FixedLenFeature((1,), dtype=dtypes.float32),
62 (1,), dtype=dtypes.int64, default_value=0),
72 'a': parsing_ops.FixedLenFeature((1,), dtype=dtypes.float32),
73 'b': parsing_ops.FixedLenFeature((1,), dtype=dtypes.int64)
    [all...]
  /external/tensorflow/tensorflow/python/kernel_tests/
aggregate_ops_test.py 25 from tensorflow.python.framework import dtypes
42 return [dtypes.float16, dtypes.float32, dtypes.float64, dtypes.complex64,
43 dtypes.complex128]
44 return [dtypes.int8, dtypes.int16, dtypes.int32, dtypes.int64
    [all...]
zero_division_test.py 22 from tensorflow.python.framework import dtypes
31 for dtype in dtypes.uint8, dtypes.int16, dtypes.int32, dtypes.int64:
35 if dtype in (dtypes.int32, dtypes.int64):
sparse_matmul_op_test.py 24 from tensorflow.python.framework import dtypes
49 x_dtype=dtypes.float32,
50 y_dtype=dtypes.float32):
62 np_x = math_ops.cast(tf_x, dtypes.float32).eval()
63 np_y = math_ops.cast(tf_y, dtypes.float32).eval()
77 for x_dtype in (dtypes.float32, dtypes.bfloat16):
78 for y_dtype in (dtypes.float32, dtypes.bfloat16):
84 for x_dtype in (dtypes.float32, dtypes.bfloat16)
    [all...]
save_restore_ops_test.py 22 from tensorflow.python.framework import dtypes
45 [dtypes.float32, dtypes.float32])
53 [dtypes.float32, dtypes.float32])
56 op = gen_io_ops._restore_slice("model", "var", "3 4 0,1:-", dtypes.float32)
string_to_number_op_test.py 21 from tensorflow.python.framework import dtypes
34 input_string = array_ops.placeholder(dtypes.string)
49 self._test(dtypes.float32,
62 self._test(dtypes.float64,
75 self._test(dtypes.int32,
88 self._test(dtypes.int64,
decode_raw_op_test.py 23 from tensorflow.python.framework import dtypes
33 in_bytes = array_ops.placeholder(dtypes.string, shape=[2])
34 decode = parsing_ops.decode_raw(in_bytes, out_type=dtypes.uint8)
51 in_bytes = array_ops.placeholder(dtypes.string, shape=[None])
52 decode = parsing_ops.decode_raw(in_bytes, out_type=dtypes.int16)
66 in_bytes = array_ops.placeholder(dtypes.string, shape=[None])
68 in_bytes, out_type=dtypes.int32, little_endian=True)
70 in_bytes, out_type=dtypes.int32, little_endian=False)
78 in_bytes = array_ops.placeholder(dtypes.string, shape=[None])
79 decode = parsing_ops.decode_raw(in_bytes, out_type=dtypes.float16
    [all...]
bitcast_op_test.py 23 from tensorflow.python.framework import dtypes
42 datatype = dtypes.int8
48 datatype = dtypes.int32
60 self._testBitcast(x, dtypes.int64, shape)
64 datatype = dtypes.int32
70 datatype = dtypes.int8
75 x = array_ops.placeholder(dtypes.float32)
76 datatype = dtypes.int8
82 datatype = dtypes.quint16
  /external/tensorflow/tensorflow/python/ops/
dequantize_op_test.py 24 from tensorflow.python.framework import dtypes
42 dtypes.quint8: np.uint8,
43 dtypes.qint8: np.int8,
44 dtypes.quint16: np.uint16,
45 dtypes.qint16: np.int16
63 self._testDequantizeOp(np.array([0, 128, 255]), 0.0, 6.0, dtypes.quint8)
64 self._testDequantizeOp(np.array([0, 128, 255]), 0.0, 123.456, dtypes.quint8)
66 np.array([0, 4, 42, 108, 243]), 5.0, 200.2, dtypes.quint8)
69 self._testDequantizeOp(np.array([-128, 0, 127]), -1.0, 2.0, dtypes.qint8)
70 self._testDequantizeOp(np.array([-2, 4, -17]), -5.0, -3.0, dtypes.qint8
    [all...]
bitwise_ops_test.py 25 from tensorflow.python.framework import dtypes
38 dtype_list = [dtypes.int8, dtypes.int16, dtypes.int32, dtypes.int64,
39 dtypes.uint8, dtypes.uint16, dtypes.uint32, dtypes.uint64]
54 dtype_list = [dtypes.int8, dtypes.int16
    [all...]
  /external/tensorflow/tensorflow/python/kernel_tests/random/
random_ops_test.py 25 from tensorflow.python.framework import dtypes
52 for dt in dtypes.float16, dtypes.float32, dtypes.float64:
67 for dt in dtypes.float16, dtypes.float32, dtypes.float64:
73 if dt == dtypes.float16:
79 for dt in dtypes.float16, dtypes.float32, dtypes.float64
    [all...]
  /external/tensorflow/tensorflow/python/data/util/
sparse_test.py 24 from tensorflow.python.framework import dtypes
164 "types": dtypes.int32,
166 "expected": dtypes.int32
169 "types": dtypes.int32,
171 "expected": dtypes.variant
174 "types": (dtypes.int32),
176 "expected": (dtypes.int32)
179 "types": (dtypes.int32),
181 "expected": (dtypes.variant)
184 "types": (dtypes.int32, ())
    [all...]
  /external/tensorflow/tensorflow/contrib/linear_optimizer/python/ops/
sharded_mutable_dense_hashtable_test.py 23 from tensorflow.python.framework import dtypes
36 keys = constant_op.constant([11, 12, 13], dtypes.int64)
37 values = constant_op.constant([0, 1, 2], dtypes.int64)
39 dtypes.int64,
40 dtypes.int64,
49 input_string = constant_op.constant([11, 12, 14], dtypes.int64)
60 dtypes.int64)
62 dtypes.float32)
64 dtypes.int64,
65 dtypes.float32
    [all...]
  /external/tensorflow/tensorflow/compiler/tests/
stack_ops_test.py 24 from tensorflow.python.framework import dtypes
35 size = array_ops.placeholder(dtypes.int32)
36 v = array_ops.placeholder(dtypes.float32)
37 h = gen_data_flow_ops._stack_v2(size, dtypes.float32, stack_name="foo")
40 c1 = gen_data_flow_ops._stack_pop_v2(h, dtypes.float32)
46 x = array_ops.placeholder(dtypes.float32)
47 h = gen_data_flow_ops._stack_v2(5, dtypes.float32, stack_name="foo")
50 c1 = gen_data_flow_ops._stack_pop_v2(h, dtypes.float32)
55 v = array_ops.placeholder(dtypes.float32)
56 h1 = gen_data_flow_ops._stack_v2(5, dtypes.float32, stack_name="foo"
    [all...]
  /external/tensorflow/tensorflow/contrib/kafka/python/ops/
kafka_dataset_ops.py 22 from tensorflow.python.framework import dtypes
51 topics, dtype=dtypes.string, name="topics")
53 servers, dtype=dtypes.string, name="servers")
55 group, dtype=dtypes.string, name="group")
56 self._eof = ops.convert_to_tensor(eof, dtype=dtypes.bool, name="eof")
58 timeout, dtype=dtypes.int64, name="timeout")
74 return dtypes.string
  /external/tensorflow/tensorflow/tools/graph_transforms/python/
transform_graph_test.py 23 from tensorflow.python.framework import dtypes
41 type=dtypes.float32.as_datatype_enum))
44 [1, 2], dtypes.float32, [1, 2])))
50 type=dtypes.float32.as_datatype_enum))
53 [3, 4], dtypes.float32, [1, 2])))
59 type=dtypes.float32.as_datatype_enum))
67 type=dtypes.float32.as_datatype_enum))
  /external/tensorflow/tensorflow/contrib/data/python/kernel_tests/
sql_dataset_op_test.py 26 from tensorflow.python.framework import dtypes
45 array_ops.constant("sqlite", dtypes.string), shape=[])
46 self.query = array_ops.placeholder(dtypes.string, shape=[])
97 init_op, get_next = self._createSqlDataset((dtypes.string, dtypes.string,
98 dtypes.string), 2)
115 init_op, get_next = self._createSqlDataset((dtypes.string, dtypes.string,
116 dtypes.string))
134 init_op, get_next = self._createSqlDataset((dtypes.string, dtypes.string
    [all...]
  /external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
test_data.py 24 from tensorflow.python.framework import dtypes
45 iris.data, dtype=dtypes.float32)
47 iris.target, shape=(150, 1), dtype=dtypes.int32)
54 iris.data, dtype=dtypes.float32)
56 iris.target, shape=(100, 1), dtype=dtypes.int32)
  /external/tensorflow/tensorflow/python/eager/
graph_callable_test.py 24 from tensorflow.python.framework import dtypes
37 [graph_callable.ShapeAndDtype(shape=(), dtype=dtypes.float32)])
44 2, my_function(constant_op.constant(2, dtype=dtypes.float32)).numpy())
48 3, my_function(constant_op.constant(2, dtype=dtypes.float32)).numpy())
53 [graph_callable.ShapeAndDtype(shape=(), dtype=dtypes.float32)])
59 my_function(constant_op.constant(4, dtype=dtypes.float32))
76 [graph_callable.ShapeAndDtype(shape=(), dtype=dtypes.float32)])
83 2, my_function(constant_op.constant(2, dtype=dtypes.float32)).numpy())
87 3, my_function(constant_op.constant(2, dtype=dtypes.float32)).numpy())
92 [graph_callable.ShapeAndDtype(shape=(1), dtype=dtypes.float32)]
    [all...]

Completed in 339 milliseconds

1 2 3 4 5 6 7 8 91011>>