/external/tensorflow/tensorflow/lite/micro/examples/person_detection/utils/ |
D | raw_to_bitmap_test.py | 105 reshaped = reshape_bitmaps(_RGB_FLAT, 4, 4, 3) 106 self.assertTrue(np.array_equal(_RGB_RESHAPED, reshaped)) 109 reshaped = reshape_bitmaps(_GRAYSCALE_FLAT, 4, 4, 1) 110 self.assertTrue(np.array_equal(_GRAYSCALE_RESHAPED, reshaped)) 115 reshaped = reshape_bitmaps(frame_list, 4, 4, 1) 116 self.assertTrue(np.array_equal(_GRAYSCALE_RESHAPED_MULTI, reshaped))
|
/external/tensorflow/tensorflow/compiler/mlir/hlo/tests/ |
D | hlo-legalize-to-lhlo-unranked.mlir | 15 %reshaped = "mhlo.dynamic_reshape"(%operand, %shape) 17 return %reshaped : tensor<?xf32> 28 %reshaped = "mhlo.dynamic_reshape"(%operand, %shape) 30 return %reshaped : tensor<*xf32> 40 %reshaped = "mhlo.reshape"(%operand) : (tensor<*xf32>) -> tensor<f32> 41 return %reshaped : tensor<f32>
|
/external/tensorflow/tensorflow/lite/testing/op_tests/ |
D | shape.py | 52 reshaped = tf.reshape(input_value, shape=new_shape) 53 out = tf.shape(reshaped, out_type=parameters["out_type"])
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | where_op.cc | 65 xla::XlaOp reshaped = xla::Reshape(iota, {flattened_size}); in Compile() local 66 to_sort.push_back(reshaped); in Compile()
|
D | depthtospace_op.cc | 146 xla::XlaOp reshaped = xla::Reshape(input, reshaped_shape); in Compile() local 157 xla::XlaOp permuted_reshaped = xla::Transpose(reshaped, transpose_order); in Compile()
|
D | spacetodepth_op.cc | 151 xla::XlaOp reshaped = xla::Reshape(input, reshaped_shape); in Compile() local 161 xla::XlaOp permuted_reshaped = xla::Transpose(reshaped, transpose_order); in Compile()
|
D | batchtospace_op.cc | 75 xla::XlaOp reshaped = xla::Reshape(input, reshaped_shape); in BatchToSpace() local 93 xla::XlaOp permuted = xla::Transpose(reshaped, permutation); in BatchToSpace()
|
D | tensor_list_ops.cc | 556 xla::XlaOp reshaped = xla::Reshape(input_tensor, new_dims); in Compile() local 559 OP_REQUIRES_OK(ctx, ExecuteTensorListFromTensor(length, reshaped, &result)); in Compile()
|
/external/tensorflow/tensorflow/python/distribute/v1/ |
D | all_reduce.py | 52 reshaped = [] 55 reshaped.append(array_ops.reshape(t, [-1])) 56 tensors = reshaped 71 reshaped = [] 74 reshaped.append(array_ops.reshape(t, shape)) 75 return reshaped
|
/external/tensorflow/tensorflow/compiler/mlir/hlo/lib/Dialect/mhlo/transforms/ |
D | optimize_mhlo.cc | 136 auto reshaped = rewriter.create<ReshapeOp>( in matchAndRewrite() local 141 slice_start_indices.push_back(reshaped); in matchAndRewrite()
|
D | transform_unranked_hlo.cc | 185 Value reshaped = rewriter.create<mhlo::DynamicReshapeOp>( in matchAndRewrite() local 191 SmallVector<Value, 2> new_operands{lhs_is_scalar ? lhs : reshaped, in matchAndRewrite() 192 rhs_is_scalar ? rhs : reshaped}; in matchAndRewrite()
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_BatchToSpaceND.pbtxt | 27 1. Reshape `input` to `reshaped` of shape: 32 2. Permute dimensions of `reshaped` to produce `permuted` of shape
|
/external/tensorflow/tensorflow/core/grappler/optimizers/data/vectorization/ |
D | cwise_op_vectorizer.cc | 103 Output reshaped = ops::Reshape(scope, input, new_shape); in ExpandDimsForBroadcast() local 105 return WrappedTensor(reshaped.node(), 0, true); in ExpandDimsForBroadcast()
|
/external/tensorflow/tensorflow/python/keras/layers/preprocessing/ |
D | discretization.py | 262 reshaped = array_ops.reshape( 268 _bucketize_op(array_ops.squeeze(self.bins)), reshaped),
|
/external/tensorflow/tensorflow/core/kernels/boosted_trees/ |
D | tree_helper.h | 106 h.reshaped(logits_dim, logits_dim) + l2 * identity; in CalculateWeightsAndGains()
|
/external/tensorflow/tensorflow/compiler/mlir/tools/kernel_gen/ir/ |
D | tf_framework_ops.td | 191 result of the op using reshaped operands, the result can be reshaped to the
|
/external/tensorflow/tensorflow/python/ops/ |
D | ctc_ops.py | 1152 reshaped = sparse_ops.sparse_reshape(sparse, array_ops.shape(dense)) 1155 indices=reshaped.indices, 1156 values=reshaped.values, 1158 math_ops.cast(reshaped.dense_shape[0], dtypes.int64),
|
/external/llvm-project/mlir/test/Examples/Toy/Ch5/ |
D | ast.toy | 12 # b is identical to a, the literal array is implicitly reshaped: defining new
|
/external/llvm-project/mlir/test/Examples/Toy/Ch2/ |
D | ast.toy | 12 # b is identical to a, the literal array is implicitly reshaped: defining new
|
/external/llvm-project/mlir/test/Examples/Toy/Ch1/ |
D | ast.toy | 12 # b is identical to a, the literal array is implicitly reshaped: defining new
|
/external/llvm-project/mlir/test/Examples/Toy/Ch6/ |
D | ast.toy | 12 # b is identical to a, the literal array is implicitly reshaped: defining new
|
/external/llvm-project/mlir/test/Examples/Toy/Ch3/ |
D | ast.toy | 12 # b is identical to a, the literal array is implicitly reshaped: defining new
|
/external/llvm-project/mlir/test/Examples/Toy/Ch4/ |
D | ast.toy | 12 # b is identical to a, the literal array is implicitly reshaped: defining new
|
/external/llvm-project/mlir/test/Examples/Toy/Ch7/ |
D | ast.toy | 12 # b is identical to a, the literal array is implicitly reshaped: defining new
|
/external/tensorflow/tensorflow/cc/gradients/ |
D | nn_grad.cc | 72 auto reshaped = ExpandDims(scope, vec, -1); in BroadcastMul() local 73 return Multiply(scope, reshaped, mat); in BroadcastMul()
|