Home
last modified time | relevance | path

Searched refs:float32 (Results 1 – 25 of 2501) sorted by relevance

12345678910>>...101

/aosp_15_r20/external/tensorflow/tensorflow/lite/testing/nnapi_tflite_zip_tests/
H A Dnot_supported.txt9 arg_min_max/arg_min_max_input_dtype=tf.float32,input_shape=[1,1,1,3],is_arg_max=True,output_type=tf…
10 arg_min_max/arg_min_max_input_dtype=tf.float32,input_shape=[1,1,1,3],is_arg_max=True,output_type=tf…
13 arg_min_max/arg_min_max_input_dtype=tf.float32,input_shape=[2,3,4,5],is_arg_max=True,output_type=tf…
14 arg_min_max/arg_min_max_input_dtype=tf.float32,input_shape=[2,3,4,5],is_arg_max=True,output_type=tf…
17 arg_min_max/arg_min_max_input_dtype=tf.float32,input_shape=[2,3,3],is_arg_max=True,output_type=tf.i…
18 arg_min_max/arg_min_max_input_dtype=tf.float32,input_shape=[2,3,3],is_arg_max=True,output_type=tf.i…
21 arg_min_max/arg_min_max_input_dtype=tf.float32,input_shape=[5,5],is_arg_max=True,output_type=tf.int…
22 arg_min_max/arg_min_max_input_dtype=tf.float32,input_shape=[5,5],is_arg_max=True,output_type=tf.int…
25 arg_min_max/arg_min_max_input_dtype=tf.float32,input_shape=[10],is_arg_max=True,output_type=tf.int32
26 arg_min_max/arg_min_max_input_dtype=tf.float32,input_shape=[10],is_arg_max=True,output_type=tf.int64
[all …]
H A Dtest_manifest.txt1 add/add_activation=True,dtype=tf.float32,input_shape_1=[1,3,4,3],input_shape_2=[1,3,4,3]
3 add/add_activation=False,dtype=tf.float32,input_shape_1=[5],input_shape_2=[5]
4 add/add_activation=True,dtype=tf.float32,input_shape_1=[5],input_shape_2=[5]
5 add/add_activation=True,dtype=tf.float32,input_shape_1=[1,3,4,3],input_shape_2=[3]
6 add/add_activation=False,dtype=tf.float32,input_shape_1=[1,3,4,3],input_shape_2=[3]
11 add/add_activation=True,dtype=tf.float32,input_shape_1=[3],input_shape_2=[1,3,4,3]
12 add/add_activation=False,dtype=tf.float32,input_shape_1=[3],input_shape_2=[1,3,4,3]
15 DISABLED_add/add_activation=False,dtype=tf.float32,input_shape_1=[],input_shape_2=[]
16 DISABLED_add/add_activation=False,dtype=tf.float32,input_shape_1=[0],input_shape_2=[1]
65 concat/concat_axis=0,base_shape=[1,3,4,3],num_tensors=1,type=tf.float32
[all …]
/aosp_15_r20/external/executorch/exir/dialects/edge/test/
H A Dtest_edge_ops.py111 arg.allowed_types, {torch.float16, torch.float32, torch.float64}
118 ret.allowed_types, {torch.float16, torch.float32, torch.float64}
149 self.assertEqual(value.types, {torch.float32, torch.float64})
186 "self": torch.float32,
187 "other": torch.float32,
188 "__ret_0": torch.float32,
195 "self": torch.float32,
196 "other": torch.float32,
204 "self": torch.float32,
205 "other": torch.float32,
[all …]
/aosp_15_r20/external/oboe/samples/RhythmGame/third_party/glm/detail/
H A Dglm.cpp19 template struct tvec1<float32, lowp>;
30 template struct tvec1<float32, mediump>;
41 template struct tvec1<float32, highp>;
53 template struct tvec2<float32, lowp>;
64 template struct tvec2<float32, mediump>;
75 template struct tvec2<float32, highp>;
87 template struct tvec3<float32, lowp>;
98 template struct tvec3<float32, mediump>;
109 template struct tvec3<float32, highp>;
121 template struct tvec4<float32, lowp>;
[all …]
/aosp_15_r20/hardware/google/gfxstream/third-party/glm/include/glm/detail/
Dglm.cpp19 template struct tvec1<float32, lowp>;
30 template struct tvec1<float32, mediump>;
41 template struct tvec1<float32, highp>;
53 template struct tvec2<float32, lowp>;
64 template struct tvec2<float32, mediump>;
75 template struct tvec2<float32, highp>;
87 template struct tvec3<float32, lowp>;
98 template struct tvec3<float32, mediump>;
109 template struct tvec3<float32, highp>;
121 template struct tvec4<float32, lowp>;
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tests/
H A Dnary_ops_test.py55 [np.array([[1, 2, 3]], dtype=np.float32)],
56 expected=np.array([[1, 2, 3]], dtype=np.float32))
59 [np.array([1, 2], dtype=np.float32),
60 np.array([10, 20], dtype=np.float32)],
61 expected=np.array([11, 22], dtype=np.float32))
63 [np.array([-4], dtype=np.float32),
64 np.array([10], dtype=np.float32),
65 np.array([42], dtype=np.float32)],
66 expected=np.array([48], dtype=np.float32))
91 [np.array([[1, 2, 3]], dtype=np.float32)],
[all …]
H A Dtensor_list_ops_test.py38 element_dtype=dtypes.float32,
49 element_dtype=dtypes.float32,
55 l, e2 = list_ops.tensor_list_pop_back(l, element_dtype=dtypes.float32)
56 _, e1 = list_ops.tensor_list_pop_back(l, element_dtype=dtypes.float32)
62 val = array_ops.placeholder(dtype=dtypes.float32)
65 element_dtype=dtypes.float32,
74 l, e2 = list_ops.tensor_list_pop_back(l, element_dtype=dtypes.float32)
75 _, e1 = list_ops.tensor_list_pop_back(l, element_dtype=dtypes.float32)
83 element_dtype=dtypes.float32,
88 _, e11 = list_ops.tensor_list_pop_back(l, element_dtype=dtypes.float32)
[all …]
H A Dfused_batchnorm_test.py90 x_val = np.random.random_sample(x_shape).astype(np.float32)
91 scale_val = np.random.random_sample(scale_shape).astype(np.float32)
92 offset_val = np.random.random_sample(scale_shape).astype(np.float32)
108 np.float32, shape=x_val_converted.shape, name="x")
109 scale = array_ops.placeholder(np.float32, shape=scale_shape, name="scale")
111 np.float32, shape=scale_shape, name="offset")
134 x_val = np.random.random_sample(x_shape).astype(np.float32)
135 scale_val = np.random.random_sample(scale_shape).astype(np.float32)
136 offset_val = np.random.random_sample(scale_shape).astype(np.float32)
137 mean_val = np.random.random_sample(scale_shape).astype(np.float32)
[all …]
H A Dimage_ops_test.py108 flt_x = image_ops.convert_image_dtype(x, dtypes.float32)
118 x_np = np.array(x_data, dtype=np.float32).reshape(x_shape) / 255.
124 y_np = np.array(y_data, dtype=np.float32).reshape(x_shape) / 255.
145 x = array_ops.placeholder(np.float32)
180 flt_x = image_ops.convert_image_dtype(x, dtypes.float32)
198 flt_x = image_ops.convert_image_dtype(x, dtypes.float32)
216 flt_x = image_ops.convert_image_dtype(x, dtypes.float32)
243 x = array_ops.placeholder(dtypes.float32)
307 flt_image = image_ops.convert_image_dtype(image, dtypes.float32)
395 x = array_ops.placeholder(dtypes.float32, shape=x_shape)
[all …]
H A Dfunction_test.py35 aval = np.array([4, 3, 2, 1]).reshape([2, 2]).astype(np.float32)
36 bval = np.array([5, 6, 7, 8]).reshape([2, 2]).astype(np.float32)
41 @function.Defun(dtypes.float32, dtypes.float32)
61 aval = np.array([4, 3, 2, 1]).reshape([2, 2]).astype(np.float32)
62 bval = np.array([4, 3, 2, 1]).reshape([2, 2]).astype(np.float32)
67 @function.Defun(dtypes.float32, dtypes.float32)
85 aval = np.array([4, 3, 2, 1]).reshape([2, 2]).astype(np.float32)
86 bval = np.array([5, 6, 7, 8]).reshape([2, 2]).astype(np.float32)
91 @function.Defun(dtypes.float32, dtypes.float32)
106 @function.Defun(dtypes.float32, dtypes.int32, dtypes.int32)
[all …]
/aosp_15_r20/prebuilts/go/linux-x86/src/strconv/testdata/
Dtestfp.txt124 float32 %b 5e-20 15474250p-88
125 float32 %b 67e+14 12479722p+29
126 float32 %b 985e+15 14333636p+36
127 # float32 %b 7693e-42 10979816p-150
128 float32 %b 7693e-42 5489908p-149
129 float32 %b 55895e-16 12888509p-61
130 # float32 %b 996622e-44 14224264p-150
131 float32 %b 996622e-44 7112132p-149
132 float32 %b 7038531e-32 11420669p-107
133 # float32 %b 60419369e-46 8623340p-150
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/data_structures/
H A Dlist_ops_test.py52 element_dtype=dtypes.float32,
56 l, e = list_ops.tensor_list_pop_back(l, element_dtype=dtypes.float32)
57 l = list_ops.tensor_list_stack(l, element_dtype=dtypes.float32)
77 element_dtype=dtypes.float32, element_shape=[], max_num_elements=1)
89 element_dtype=dtypes.float32,
94 l = list_ops.tensor_list_pop_back(l, element_dtype=dtypes.float32)
102 element_dtype=dtypes.float32,
109 element_dtype=dtypes.float32, element_shape=[2, 3], num_elements=3)
110 _, e = list_ops.tensor_list_pop_back(l, element_dtype=dtypes.float32)
111 l = list_ops.tensor_list_stack(l, element_dtype=dtypes.float32)
[all …]
H A Dstack_ops_test.py35 -1, elem_type=dtypes.float32, stack_name="foo")
38 c1 = gen_data_flow_ops.stack_pop_v2(h, dtypes.float32)
49 x = constant_op.constant(a, dtype=dtypes.float32)
51 -1, elem_type=dtypes.float32, stack_name="foo")
54 c1 = gen_data_flow_ops.stack_pop_v2(h, dtypes.float32)
66 -1, elem_type=dtypes.float32, stack_name="foo")
73 a = constant_op.constant(np.ones(2000), dtype=dtypes.float32)
80 v = constant_op.constant(np.zeros(2000), dtype=dtypes.float32)
88 ny = y + gen_data_flow_ops.stack_pop_v2(h, dtypes.float32)
103 -1, elem_type=dtypes.float32, stack_name="foo")
[all …]
/aosp_15_r20/external/pytorch/torch/testing/_internal/
H A Dautocast_test_lists.py12 input = (torch.randn((n, n), device=dev, dtype=torch.float32),)
14 hx = ((torch.randn((n, n), device=dev, dtype=torch.float32),
15 torch.randn((n, n), device=dev, dtype=torch.float32)) if is_lstm else
16 torch.randn((n, n), device=dev, dtype=torch.float32),)
18 weights = (torch.randn((num_chunks * n, n), device=dev, dtype=torch.float32), # weight_ih
19 torch.randn((num_chunks * n, n), device=dev, dtype=torch.float32), # weight_hh
20 torch.randn((num_chunks * n), device=dev, dtype=torch.float32), # bias_ih
21 torch.randn((num_chunks * n), device=dev, dtype=torch.float32)) # bias_hh
39 conv_args_fp32 = [(torch.randn(dimset, dtype=torch.float32, device=dev),
40 torch.randn(dimset, dtype=torch.float32, device=dev))
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/sparse_ops/
H A Dsparse_conditional_accumulator_test.py60 dtypes_lib.float32, name="Q")
76 dtypes_lib.float32, name="Q", reduction_type="Invalid")
81 dtypes_lib.float32,
103 dtypes_lib.float32, name="Q")
110 dtypes_lib.float32, name="Q", shape=tensor_shape.TensorShape([1]))
118 dtypes_lib.float32, name="Q", shape=tensor_shape.TensorShape([3, 3]))
122 values=np.array([[0, 0, 1], [3, 0, 4]]).astype(np.float32)))
129 dtypes = [dtypes_lib.float16, dtypes_lib.float32, dtypes_lib.float64]
153 dtypes_lib.float32, name="Q", shape=tensor_shape.TensorShape([2, 2]))
155 dtypes_lib.float32, name="Q", shape=tensor_shape.TensorShape([2, 2]))
[all …]
H A Dsparse_matmul_op_test.py34 64) / 128.0).reshape([rows, cols]).astype(np.float32)
46 x_dtype=dtypes.float32,
47 y_dtype=dtypes.float32):
59 np_x = math_ops.cast(tf_x, dtypes.float32).eval()
60 np_y = math_ops.cast(tf_y, dtypes.float32).eval()
73 x = np.arange(0., 4.).reshape([4, 1]).astype(np.float32)
74 y = np.arange(-1., 1.).reshape([1, 2]).astype(np.float32)
75 for x_dtype in (dtypes.float32, dtypes.bfloat16):
76 for y_dtype in (dtypes.float32, dtypes.bfloat16):
81 x = np.ones((4, 0)).astype(np.float32)
[all …]
/aosp_15_r20/external/pytorch/torch/_numpy/
H A D_casting_dicts.py13 torch.float32: False,
27 torch.float32: {
29 torch.float32: True,
45 torch.float32: False,
61 torch.float32: False,
77 torch.float32: False,
93 torch.float32: False,
109 torch.float32: False,
125 torch.float32: False,
141 torch.float32: False,
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/io_ops/
H A Dparsing_ops_test.py120 c_default = np.random.rand(2).astype(np.float32)
149 (2,), dtypes.float32, default_value=c_default),
168 parsing_ops.FixedLenFeature((2,), dtype=dtypes.float32),
212 "a": parsing_ops.FixedLenFeature((1, 3), dtypes.float32)
232 "a": parsing_ops.FixedLenFeature(None, dtypes.float32)
259 np.array([3.0, 4.0, 1.0, 2.0, -1.0], dtype=np.float32),
275 "st_c": parsing_ops.VarLenFeature(dtypes.float32),
309 np.array([3.0, 4.0, 1.0, -1.0, 2.0], dtype=np.float32),
321 parsing_ops.SparseFeature(["idx"], "val", dtypes.float32,
345 dtype=np.int64), np.array([3.0, 4.0], dtype=np.float32),
[all …]
H A Dparse_single_example_op_test.py129 c_default = np.random.rand(2).astype(np.float32)
156 (2,), dtypes.float32, default_value=c_default),
175 (2,), dtype=dtypes.float32),
208 "a": parsing_ops.FixedLenFeature((1, 3), dtypes.float32)
225 "a": parsing_ops.FixedLenFeature(None, dtypes.float32)
250 np.array([3.0, 4.0], dtype=np.float32),
255 "st_c": empty_sparse(np.float32),
258 "st_c": empty_sparse(np.float32),
262 np.array([1.0, 2.0, -1.0], dtype=np.float32),
272 "st_c": parsing_ops.VarLenFeature(dtypes.float32),
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/framework/
H A Dfunction_test.py95 @function.Defun(dtypes.float32, func_name="MyIdentity")
108 @function.Defun(dtypes.float32, func_name="MyIdentity")
124 dtypes.float32, func_name="MyIdentity", out_names=["my_result_name"])
137 dtypes.float32,
152 @function.Defun(dtypes.float32, dtypes.float32, func_name="APlus2B")
164 @function.Defun(dtypes.float32, dtypes.float32)
176 dtypes.float32,
177 dtypes.float32,
193 @function.Defun(dtypes.float32, func_name="Duplicate")
210 @function.Defun(dtypes.float32, func_name="XSquarePlusOneFn")
[all …]
H A Dtensor_spec_test.py41 self.assertEqual(desc.dtype, dtypes.float32)
44 desc = tensor_spec.TensorSpec([1], np.float32)
45 self.assertEqual(desc.dtype, dtypes.float32)
48 desc = tensor_spec.TensorSpec(tensor_shape.TensorShape([1]), dtypes.float32)
52 desc = tensor_spec.TensorSpec(shape=None, dtype=dtypes.float32)
88 floats = constant_op.constant(1, dtype=dtypes.float32, shape=[10, 10])
90 desc = tensor_spec.TensorSpec(shape=(10, 10), dtype=dtypes.float32)
99 desc = tensor_spec.TensorSpec([1], dtypes.float32, name=name)
103 desc1 = tensor_spec.TensorSpec([1], dtypes.float32, name="beep")
133 dtypes.float32, shape=[None, 1], name="partial")
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/linalg/sparse/
H A Dcsr_sparse_matrix_ops_test.py104 a_values = np.asarray([1.0, 5.0], dtype=np.float32)
132 a_sm, type=dtypes.float32)
146 a_st = math_ops.cast(a_st, dtypes.float32)
173 0.554979503, shape=[5], dtype=dtypes.float32)
198 a_mats = sparsify(np.random.randn(*dense_shape)).astype(np.float32)
207 v, type=dtypes.float32)
233 a_st = math_ops.cast(a_st, dtypes.float32)
269 sparsify(np.random.randn(*dense_shape)).astype(np.float32)
294 sm, i, type=dtypes.float32) for i in range(dense_shape[0])
310 sm, type=dtypes.float32) for sm in sparse_matrices
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/tools/
H A Doptimize_for_inference_test.py77 unused_constant_name, value=0, dtype=dtypes.float32, shape=[])
82 self.set_attr_dtype(unconnected_add_node, "T", dtypes.float32)
85 a_constant_name, value=1, dtype=dtypes.float32, shape=[])
94 b_constant_name, value=1, dtype=dtypes.float32, shape=[])
104 self.set_attr_dtype(add_node, "T", dtypes.float32)
108 self.set_attr_dtype(unused_output_add_node, "T", dtypes.float32)
113 a_constant_name, value=1, dtype=dtypes.float32, shape=[])
116 b_constant_name, value=1, dtype=dtypes.float32, shape=[])
120 self.set_attr_dtype(add_node, "T", dtypes.float32)
124 graph_def, [], [add_name], dtypes.float32.as_datatype_enum)
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/tf_saved_model/
H A Dstructured_input.py39 tf.TensorSpec([1], tf.float32),
40 tf.TensorSpec([2], tf.float32)
52 tf.TensorSpec([], tf.float32),
53 tf.TensorSpec([], tf.float32),
66 'x': tf.TensorSpec([1], tf.float32),
67 'y': tf.TensorSpec([2], tf.float32),
80 'y': tf.TensorSpec([2], tf.float32),
81 'x': tf.TensorSpec([1], tf.float32),
97 'x': tf.TensorSpec([4], tf.float32),
98 'y': tf.TensorSpec([5], tf.float32),
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/lite/python/optimize/
H A Dcalibrator_test.py43 yield [np.ones(shape=(1, 5, 5, 3), dtype=np.float32)]
46 dtypes.float32,
47 dtypes.float32,
66 yield [np.ones(shape=(1, 5, 5, 3), dtype=np.float32)]
69 dtypes.float32,
70 dtypes.float32,
84 yield [np.ones(shape=(1, 5, 5, 3), dtype=np.float32)]
87 input_gen, dtypes.float32, dtypes.float32, True, 'conv2d_8/BiasAdd')
102 input_gen, dtypes.float32, dtypes.float32, True, 'Identity')
122 yield [np.ones(shape=(1, 8, 8, 3), dtype=np.float32) for _ in range(4)]
[all …]

12345678910>>...101