Search Options

Results per page
Sort
Preferred Languages
Advance

Results 21 - 30 of 229 for transposes (0.26 sec)

  1. tensorflow/compiler/mlir/quantization/stablehlo/tests/pipelines/process_nchw_tensor.mlir

    // CHECK: %[[TRANSPOSE_1:.+]] = stablehlo.transpose %[[BROADCAST_IN_DIM]], dims = [0, 2, 3, 1] : (tensor<1x4x5x5xf32>) -> tensor<1x5x5x4xf32>
    // CHECK: %[[ADD:.+]] = stablehlo.add %[[CONV]], %[[TRANSPOSE_1]] : tensor<1x5x5x4xf32>
    // CHECK: %[[MAX:.+]] = stablehlo.maximum %[[ADD]], %[[ZERO_CONST]] : tensor<1x5x5x4xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 18 20:32:46 UTC 2024
    - 12.6K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/quantization/tensorflow/passes/replace_cast_hacks_with_tf_xla_ops.cc

                                         BoolAttr transpose_a,
                                         BoolAttr transpose_b) {
      // Transpose and constant-fold the weight if needed.
      if (transpose_b.getValue()) {
        Value perm = Create1DConstValue<int32_t>(builder, loc, {1, 0});
        auto transpose_op = builder.create<TF::TransposeOp>(loc, weight, perm);
        weight = ConstantFoldOpIfPossible(transpose_op).front();
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 47.1K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/nchw_convolution_to_nhwc.mlir

    // CHECK-DAG: %[[TRANSPOSE_0:.+]] = stablehlo.transpose %[[ARG]], dims = [0, 2, 3, 1] : (tensor<1x8x4x4xf32>) -> tensor<1x4x4x8xf32>
    // CHECK-DAG: %[[TRANSPOSE_1:.+]] = stablehlo.transpose %[[CONST]], dims = [2, 3, 1, 0] : (tensor<8x8x3x3xf32>) -> tensor<3x3x8x8xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Mar 25 23:00:47 UTC 2024
    - 5.5K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/defer_activation_transpose.mlir

    // CHECK: %[[ADD_0:.+]] = stablehlo.add %[[ARG_0]], %[[TRANSPOSE_0]] : tensor<1x3x3x4xf32>
    // CHECK: %[[TRANSPOSE_1:.+]] = stablehlo.transpose
    // CHECK: return %[[TRANSPOSE_1]]
    
    // -----
    
    // Tests that an `add(transpose(arg0), broadcast_in_dim(arg1))` pattern is
    // converted to `transpose(add(arg0, transpose(broadcast_in_dim(arg1))))`.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 18 20:32:46 UTC 2024
    - 14.6K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tensorflow/tests/transpose-op.mlir

      %1 = "tf.Const"() {value = dense<[0, 0x4141, 3, 1]> : tensor<4xi32>} : () -> tensor<4xi32>
      %2 = "tf.Transpose"(%arg0, %0) : (tensor<1x4x4x8xf32>, tensor<4xi32>) -> tensor<1x8x4x4xf32>
      // expected-error @+1 {{'tf.Transpose' op perm[1]=16705 must be in range [-4, 4)}}
      %3 = "tf.Transpose"(%2, %1) : (tensor<1x8x4x4xf32>, tensor<4xi32>) -> tensor<1x4x4x8xf32>
      func.return %3 : tensor<1x4x4x8xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Mar 23 05:52:37 UTC 2023
    - 634 bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/quantization/stablehlo/passes/nchw_convolution_to_nhwc.cc

                   PatternRewriter& rewriter) const override {
        // Transpose the input tensor: [b, f, 0, 1] => [b, 0, 1, f]
        Value input = op->getOperand(0);
        const TensorType new_input_tensor_type = GetTransposedTensorType(
            mlir::cast<TensorType>(input.getType()), kNchwToNhwcPermutation);
    
        auto input_transpose_op = rewriter.create<mlir::stablehlo::TransposeOp>(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 8.2K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/lite/stablehlo/transforms/legalize_hlo_conversions/scatter.h

          }
    
          // Apply TF scatter to update the trailing dimensions of the
          // transposed operand.
          auto tf_scatter_op =
              rewriter.create<TfOp>(loc, permutation_and_shape.shape,
                                    transposed_operand, new_indices, new_updates);
    
          // Reverse the earlier transpose.
          auto inverse_permutation =
              GetInversePermutation(permutation_array, rewriter);
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 10.1K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/lite/tests/prepare-tf.mlir

      // CHECK: %[[TRANSPOSE:.*]] = "tf.Transpose"(%[[DEQUANT]], %[[CST]]) : (tensor<3x4xf32>, tensor<?xi32>) -> tensor<*xf32>
      // CHECK: %[[MATMUL:.*]] = "tf.MatMul"(%arg0, %[[TRANSPOSE]]) <{grad_a = false, grad_b = false, transpose_a = false, transpose_b = true}> : (tensor<2x3xf32>, tensor<*xf32>) -> tensor<2x4xf32>
      // CHECK: return %[[MATMUL]] : tensor<2x4xf32>
    }
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed May 29 07:26:59 UTC 2024
    - 59.8K bytes
    - Viewed (0)
  9. tensorflow/c/experimental/ops/math_ops.cc

      TF_RETURN_IF_ERROR(op_ptr->SetAttrBool("transpose_a", transpose_a));
      TF_RETURN_IF_ERROR(op_ptr->SetAttrBool("transpose_b", transpose_b));
      int num_retvals = 1;
      return op_ptr->Execute(absl::MakeSpan(product, 1), &num_retvals);
    }
    
    // Op: Neg()
    // Summary: Computes numerical negative value element-wise.
    //
    // Description:
    //   I.e., \\(y = -x\\).
    Status Neg(AbstractContext* ctx, AbstractTensorHandle* const x,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 10 19:11:36 UTC 2022
    - 12.2K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/quantization/stablehlo/passes/defer_activation_transpose.cc

    // the result of a binary operation. In detail, this rewrites the
    // `op(transpose(%rhs), %lhs)` to `transpose(op(%rhs, transpose(%lhs)))`. The
    // LHS transpose permutation must be a NCHW->NHWC permutation.
    template <typename OpT>
    void DeferRhsTransposeForBinaryOp(OpT op, PatternRewriter& rewriter) {
      auto transpose_op = cast<TransposeOp>(op.getOperand(0).getDefiningOp());
      Value lhs_pre_transpose = transpose_op.getOperand();
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 11.5K bytes
    - Viewed (0)
Back to top