Home
last modified time | relevance | path

Searched refs:ConvertElementType (Results 1 – 25 of 75) sorted by relevance

123

/external/tensorflow/tensorflow/compiler/xla/tests/
Dconvert_test.cc50 ConvertElementType(a, S32); in TEST_F()
59 ConvertElementType(a, U32); in TEST_F()
68 ConvertElementType(a, PRED); in TEST_F()
77 ConvertElementType(a, U32); in TEST_F()
86 ConvertElementType(a, S32); in TEST_F()
95 ConvertElementType(a, PRED); in TEST_F()
104 ConvertElementType(a, F32); in TEST_F()
113 ConvertElementType(a, PRED); in TEST_F()
122 ConvertElementType(a, F32); in TEST_F()
131 ConvertElementType(a, S32); in TEST_F()
[all …]
Dunary_op_test.cc129 Sub(Mul(sign, ConvertElementType(abs, C64)), arg); in SignAbsTestHelper()
157 Add(Add(absc, absf0), Add(absf, ConvertElementType(absi, F32))); in XLA_TEST_F()
172 Add(sgnc, ConvertElementType( in XLA_TEST_F()
173 Add(Add(sgnf0, sgnf), ConvertElementType(sgni, F32)), C64)); in XLA_TEST_F()
206 ConvertElementType(Eq(lhs, rhs), S32); in XLA_TEST_F()
215 ConvertElementType(Eq(lhs, rhs), F32); in XLA_TEST_F()
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
Drandom_ops_util.cc26 ConvertElementType(ConvertElementType(seed0, xla::U32), xla::U64); in GetU64FromS32Seeds()
28 ConvertElementType(ConvertElementType(seed1, xla::U32), xla::U64); in GetU64FromS32Seeds()
Dbucketize_op.cc45 input = xla::ConvertElementType(input, xla::F64); in Compile()
46 boundaries = xla::ConvertElementType(boundaries, xla::F64); in Compile()
48 input = xla::ConvertElementType(input, xla::F32); in Compile()
51 xla::ConvertElementType(xla::Ge(xla::Broadcast(input, {1}), boundaries, in Compile()
Dbatch_norm_op.cc95 input = xla::ConvertElementType(input, scale_type); in CompileImpl()
105 xla::ConvertElementType(xla::GetTupleElement(output, 0), input_type); in CompileImpl()
182 xla::XlaOp converted = xla::ConvertElementType(output, input_type); in CompileImpl()
264 XlaHelpers::ConvertElementType(ctx->Input(0), scale_dtype); in Compile()
266 XlaHelpers::ConvertElementType(ctx->Input(1), scale_dtype); in Compile()
316 XlaHelpers::ConvertElementType(grad_backprop, accumulation_type); in Compile()
320 offset_backprop = XlaHelpers::ConvertElementType(reduce, scale_dtype); in Compile()
329 converted = XlaHelpers::ConvertElementType(mul, accumulation_type); in Compile()
333 auto scratch2 = XlaHelpers::ConvertElementType(reduce, scale_dtype); in Compile()
340 ctx->SetOutput(0, XlaHelpers::ConvertElementType(x_backprop, input_dtype)); in Compile()
Dlrn_ops.cc52 auto converted = XlaHelpers::ConvertElementType(input, accumulation_type); in Compile()
59 auto sqr_sum = XlaHelpers::ConvertElementType(reduce, input_type(0)); in Compile()
139 XlaHelpers::ConvertElementType(in_image, accumulation_type); in Compile()
146 auto sqr_sum = XlaHelpers::ConvertElementType(reduce, input_type(0)); in Compile()
157 auto converted_dy = XlaHelpers::ConvertElementType(dy, accumulation_type); in Compile()
163 auto dy_reduced = XlaHelpers::ConvertElementType(dy_reduce, input_type(0)); in Compile()
Ddequantize_op.cc67 xla::XlaOp output = xla::ConvertElementType(input, xla::F32); in Compile()
68 xla::XlaOp min_range = xla::ConvertElementType(ctx->Input(1), xla::F32); in Compile()
69 xla::XlaOp max_range = xla::ConvertElementType(ctx->Input(2), xla::F32); in Compile()
89 output = xla::ConvertElementType(output, xla::BF16); in Compile()
Dresampler_ops.cc59 first_term = xla::ConvertElementType(first_term, xla_type); in BilinearWeights()
91 sign_change = xla::ConvertElementType(sign_change, xla_type); in BilinearWeights()
205 xla::ConvertElementType( in BoundSamples()
210 xla::ConvertElementType( in BoundSamples()
415 xla::ConvertElementType( in CalculateGradWarp()
423 xla::ConvertElementType( in CalculateGradWarp()
431 xla::ConvertElementType( in CalculateGradWarp()
439 xla::ConvertElementType( in CalculateGradWarp()
519 XlaOp top_left = xla::ConvertElementType(warp, xla::S32); in Compile()
528 XlaOp ratio = warp - xla::ConvertElementType(top_left, data_type); in Compile()
[all …]
Dimage_resize_ops.cc157 return xla::ConvertElementType(xla::ConstantR1<float>(builder, kernel), type); in MakeBilinear1DKernel()
174 return xla::ConvertElementType(xla::ConstantR1<float>(builder, kernel), type); in MakeNearestNeighbor1DKernel()
512 input = xla::ConvertElementType(input, xla::F32); in GeneralCompile()
519 xla::ConvertElementType(xla::ConstantR0(b, 1), input_type); in GeneralCompile()
521 xla::ConvertElementType(xla::ConstantR0(b, 0.5), input_type); in GeneralCompile()
523 xla::ConvertElementType(xla::ConstantR0(b, 0), input_type); in GeneralCompile()
536 xla::ConvertElementType(xla::ConstantR0(b, h_scale), input_type); in GeneralCompile()
551 xla::XlaOp h_upper_bound = xla::ConvertElementType( in GeneralCompile()
573 xla::ConvertElementType(xla::ConstantR0(b, w_scale), input_type); in GeneralCompile()
587 xla::XlaOp w_upper_bound = xla::ConvertElementType( in GeneralCompile()
[all …]
Dfake_quantize_ops.cc218 XlaHelpers::ConvertElementType(select1, accumulation_type), in Compile()
221 xla::XlaOp output1 = XlaHelpers::ConvertElementType(reduce1, data_type); in Compile()
227 XlaHelpers::ConvertElementType(select2, accumulation_type), in Compile()
230 xla::XlaOp output2 = XlaHelpers::ConvertElementType(reduce2, data_type); in Compile()
348 xla::Reduce(XlaHelpers::ConvertElementType(select1, accumulation_type), in Compile()
351 xla::XlaOp output1 = XlaHelpers::ConvertElementType(reduce1, data_type); in Compile()
357 xla::Reduce(XlaHelpers::ConvertElementType(select2, accumulation_type), in Compile()
360 xla::XlaOp output2 = XlaHelpers::ConvertElementType(reduce2, data_type); in Compile()
Dsoftmax_op.cc68 XlaHelpers::ConvertElementType(exp_shifted_logits, accumulation_type); in CrossEntropyWithLogits()
72 auto sum_exp = XlaHelpers::ConvertElementType(reduce, type); in CrossEntropyWithLogits()
87 auto sum = xla::Reduce(XlaHelpers::ConvertElementType(mul, accumulation_type), in CrossEntropyWithLogits()
90 auto loss = XlaHelpers::ConvertElementType(sum, type); in CrossEntropyWithLogits()
Dreduction_ops_common.cc44 return XlaHelpers::ConvertElementType(reduce_output, input_type(0)); in BuildFinalizer()
116 auto data = xla::ConvertElementType(ctx->Input(0), type); in Compile()
118 auto initial = xla::ConvertElementType(InitialValue(b), type); in Compile()
Dl2loss_op.cc39 auto t = XlaHelpers::ConvertElementType(ctx->Input(0), accumulation_type); in Compile()
43 auto deconverted = XlaHelpers::ConvertElementType(reduce, dtype); in Compile()
Dwhere_op.cc185 result = xla::ConvertElementType(result, ctx->output_xla_type(0)); in CompileWhereWithSort()
188 XlaOp compared_int = xla::ConvertElementType(compared, xla::S32); in CompileWhereWithSort()
212 xla::ConvertElementType(xla::Ne(reshaped_condition, zeros), S32); in CompileWhereWithPrefixSum()
303 scattered = xla::ConvertElementType(scattered, ctx->output_xla_type(0)); in CompileWhereWithPrefixSum()
308 xla::ReduceAll(xla::ConvertElementType(preds, S32), xla::Zero(b, S32), in CompileWhereWithPrefixSum()
Dquantize_and_dequantize_op.cc125 -Pow(two, ConvertElementType( in Compile()
130 -Pow(two, ConvertElementType( in Compile()
134 Pow(two, ConvertElementType(num_bits - xla::ConstantR0<int32>(b, 1), in Compile()
139 max_quantized = Pow(two, ConvertElementType(num_bits, xla_type)) - one; in Compile()
Dmatmul_op.cc85 a = xla::ConvertElementType(a, xla::F32); in Compile()
88 b = xla::ConvertElementType(b, xla::F32); in Compile()
Dimage_ops.cc202 xla::XlaOp factor = XlaHelpers::ConvertElementType(context->Input(1), type); in Compile()
205 auto converted = XlaHelpers::ConvertElementType(input, accumulation_type); in Compile()
212 output = XlaHelpers::ConvertElementType(output, type); in Compile()
249 XlaHelpers::ConvertElementType(context->Input(0), DT_FLOAT); in Compile()
251 XlaHelpers::ConvertElementType(context->Input(1), DT_FLOAT); in Compile()
274 auto output = XlaHelpers::ConvertElementType( in Compile()
303 XlaHelpers::ConvertElementType(context->Input(0), DT_FLOAT); in Compile()
305 XlaHelpers::ConvertElementType(context->Input(1), DT_FLOAT); in Compile()
333 auto output = XlaHelpers::ConvertElementType( in Compile()
Dscan_ops.cc104 XlaHelpers::ConvertElementType(ctx->Input(0), dtype), init, *reducer, in Compile()
107 output = XlaHelpers::ConvertElementType(output, ctx->input_type(0)); in Compile()
/external/tensorflow/tensorflow/compiler/xla/mlir/transforms/runtime/
Dtype_converter.cc52 if (auto dtype = TypeConverter::ConvertElementType(tensor.getElementType())) in ConvertCanonicalType()
58 if (auto dtype = TypeConverter::ConvertElementType(tensor.getElementType())) in ConvertCanonicalType()
64 if (auto dtype = TypeConverter::ConvertElementType(memref.getElementType())) in ConvertCanonicalType()
70 if (auto dtype = TypeConverter::ConvertElementType(memref.getElementType())) in ConvertCanonicalType()
78 /*static*/ Expected<DType> TypeConverter::ConvertElementType(mlir::Type type) { in ConvertElementType() function in xla::runtime::TypeConverter
/external/tensorflow/tensorflow/compiler/xla/client/lib/
Dprng.cc123 XlaOp fst = ConvertElementType(u64, U32); in Uint64ToUint32s()
124 XlaOp snd = ConvertElementType(ShiftRightLogical(u64, const32), U32); in Uint64ToUint32s()
131 return ConvertElementType(u32s[0], U64) | in Uint32sToUint64()
132 ShiftLeft(ConvertElementType(u32s[1], U64), in Uint32sToUint64()
286 ConvertElementType(x, U64) * ConstantR0<uint64_t>(x.builder(), k); in Philox4x32()
287 auto low = ConvertElementType(product, U32); in Philox4x32()
288 auto high = ConvertElementType( in Philox4x32()
319 XlaOp key0 = ConvertElementType(key[0], U64); in ScramblePhiloxKey()
320 XlaOp key1 = ConvertElementType(key[1], U64); in ScramblePhiloxKey()
323 ConvertElementType(key0, U32), in ScramblePhiloxKey()
[all …]
Dmath.cc75 operand = ConvertElementType(operand, F32); in DoWithUpcastToF32()
79 result = ConvertElementType(result, elem_ty); in DoWithUpcastToF32()
157 return Eq(BitcastConvertType(ConvertElementType(operand, F32), U32), in IsNegZero()
964 a = ConvertElementType(a, F32); in Igamma()
965 x = ConvertElementType(x, F32); in Igamma()
970 result = ConvertElementType(result, a_shape.element_type()); in Igamma()
1011 a = ConvertElementType(a, F32); in IgammaGradA()
1012 x = ConvertElementType(x, F32); in IgammaGradA()
1016 result = ConvertElementType(result, a_shape.element_type()); in IgammaGradA()
1058 a = ConvertElementType(a, F32); in RandomGammaGrad()
[all …]
/external/tensorflow/tensorflow/compiler/mlir/lite/quantization/lite/
Dquantize_model.cc109 tflite::ConvertElementType(input_type, mlir_builder); in QuantizeModel()
111 tflite::ConvertElementType(output_type, mlir_builder); in QuantizeModel()
114 input_mlir_type = tflite::ConvertElementType(inference_type, mlir_builder); in QuantizeModel()
/external/tensorflow/tensorflow/compiler/xla/service/
Dqr_expander.cc126 XlaOp x_after_k = Mul(x, ConvertElementType(Gt(iota, k), type), in House()
164 alpha - ConvertElementType(*beta, type)); in House()
166 auto e_k = Broadcast(ConvertElementType(Eq(iota, k), type), in House()
255 auto predecessor_mask = ConvertElementType(Lt(iota, j), type); in QrBlock()
256 auto mask = Broadcast(ConvertElementType(Eq(iota, j), type), in QrBlock()
261 Mul(ConvertElementType(beta, type), mask, in QrBlock()
Dbitcast_dtypes_expander.cc87 input = ConvertElementType(input, output_logical_type); in ExpandInstruction()
90 input = ConvertElementType(input, output_logical_type); in ExpandInstruction()
/external/tensorflow/tensorflow/core/tpu/kernels/
Dimage_resize_ops.cc60 0, xla::ConvertElementType(ctx->Input(0), ctx->output_xla_type(0))); in CompileGrad()
81 0, xla::ConvertElementType(ctx->Input(0), ctx->output_xla_type(0))); in CompileForward()

123