Searched refs:dtypes (Results 1 - 25 of 891) sorted by relevance

1234567891011>>

/external/tensorflow/tensorflow/python/framework/
H A Ddtypes_test.py15 """Tests for tensorflow.python.framework.dtypes."""
24 from tensorflow.python.framework import dtypes namespace
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
[all...]
/external/tensorflow/tensorflow/contrib/gan/python/features/python/
H A Dconditioning_utils_test.py23 from tensorflow.python.framework import dtypes namespace
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
[all...]
/external/tensorflow/tensorflow/contrib/tpu/python/ops/
H A Dtpu_ops.py24 from tensorflow.python.framework import dtypes namespace
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` i
[all...]
/external/tensorflow/tensorflow/compiler/tests/
H A Dstack_ops_test.py24 from tensorflow.python.framework import dtypes namespace
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
[all...]
/external/tensorflow/tensorflow/python/kernel_tests/
H A Dsparse_matmul_op_test.py24 from tensorflow.python.framework import dtypes namespace
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
[all...]
H A Daggregate_ops_test.py25 from tensorflow.python.framework import dtypes namespace
42 return [dtypes.float16, dtypes.float32, dtypes.float64, dtypes.complex64,
43 dtypes.complex128]
44 return [dtypes.int8, dtypes.int16, dtypes.int32, dtypes
[all...]
H A Dzero_division_test.py22 from tensorflow.python.framework import dtypes namespace
31 for dtype in dtypes.uint8, dtypes.int16, dtypes.int32, dtypes.int64:
35 if dtype in (dtypes.int32, dtypes.int64):
H A Dpy_func_test.py30 from tensorflow.python.framework import dtypes namespace
54 x = constant_op.constant(1.0, dtypes.float32)
55 y = constant_op.constant(2.0, dtypes.float32)
56 z = self.evaluate(script_ops.py_func(np_func, [x, y], dtypes.float32))
61 x = constant_op.constant(1.0, dtypes.float32)
62 y = constant_op.constant(2.0, dtypes.float32)
64 script_ops.eager_py_func(np_func, [x, y], [dtypes.float32]))
69 x = constant_op.constant([1.0, 2.0], dtypes.float64)
70 y = constant_op.constant([2.0, 3.0], dtypes.float64)
71 z = self.evaluate(script_ops.py_func(np_func, [x, y], [dtypes
[all...]
H A Dlarge_concat_op_test.py20 from tensorflow.python.framework import dtypes namespace
32 a = array_ops.ones([2**31 + 6], dtype=dtypes.int8)
33 b = array_ops.zeros([1024], dtype=dtypes.int8)
H A Dsave_restore_ops_test.py22 from tensorflow.python.framework import dtypes namespace
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)
H A Dstring_to_number_op_test.py21 from tensorflow.python.framework import dtypes namespace
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,
/external/tensorflow/tensorflow/python/kernel_tests/random/
H A Drandom_ops_test.py25 from tensorflow.python.framework import dtypes namespace
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
[all...]
H A Drandom_gamma_test.py26 from tensorflow.python.framework import dtypes namespace
57 self._testMoments(dtypes.float32)
60 self._testMoments(dtypes.float64)
86 if dt == dtypes.float64:
150 dtypes.float16: stats.gamma(alpha).cdf(np.finfo(np.float16).tiny),
151 dtypes.float32: stats.gamma(alpha).cdf(np.finfo(np.float32).tiny),
152 dtypes.float64: stats.gamma(alpha).cdf(np.finfo(np.float64).tiny)
156 for dt in dtypes.float16, dtypes.float32, dtypes
[all...]
/external/tensorflow/tensorflow/contrib/tpu/python/tpu/
H A Dtpu_infeed_test.py25 from tensorflow.python.framework import dtypes namespace
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
[all...]
/external/tensorflow/tensorflow/contrib/metrics/python/metrics/
H A Dclassification_test.py22 from tensorflow.python.framework import dtypes namespace
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
[all...]
/external/tensorflow/tensorflow/python/estimator/canned/
H A Dparsing_utils_test.py23 from tensorflow.python.framework import dtypes namespace
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
[all...]
/external/tensorflow/tensorflow/contrib/kafka/python/ops/
H A Dkafka_dataset_ops.py22 from tensorflow.python.framework import dtypes namespace
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/contrib/linear_optimizer/python/ops/
H A Dsparse_feature_column.py21 from tensorflow.python.framework import dtypes namespace
88 example_indices, name='example_indices', dtype=dtypes.int64)
90 feature_indices, name='feature_indices', dtype=dtypes.int64)
95 feature_values, name='feature_values', dtype=dtypes.float32)
H A Dsharded_mutable_dense_hashtable_test.py23 from tensorflow.python.framework import dtypes namespace
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
[all...]
/external/tensorflow/tensorflow/python/ops/
H A Ddequantize_op_test.py24 from tensorflow.python.framework import dtypes namespace
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
[all...]
H A Dbitwise_ops_test.py25 from tensorflow.python.framework import dtypes namespace
38 dtype_list = [dtypes.int8, dtypes.int16, dtypes.int32, dtypes.int64,
39 dtypes.uint8, dtypes.uint16, dtypes.uint32, dtypes.uint64]
54 dtype_list = [dtypes
[all...]
/external/tensorflow/tensorflow/contrib/data/python/ops/
H A Denumerate_ops.py23 from tensorflow.python.framework import dtypes namespace
54 max_value = np.iinfo(dtypes.int64.as_numpy_dtype).max
/external/tensorflow/tensorflow/contrib/metrics/python/ops/
H A Dconfusion_matrix_ops.py21 from tensorflow.python.framework import dtypes namespace
25 def confusion_matrix(labels, predictions, num_classes=None, dtype=dtypes.int32,
/external/tensorflow/tensorflow/python/data/util/
H A Dconvert.py21 from tensorflow.python.framework import dtypes namespace
28 argument_dtype=dtypes.int64):
H A Dsparse_test.py24 from tensorflow.python.framework import dtypes namespace
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
[all...]

Completed in 1796 milliseconds

1234567891011>>