Search Options

Results per page
Sort
Preferred Languages
Advance

Results 41 - 50 of 213 for se_shape (0.18 sec)

  1. tensorflow/compiler/mlir/quantization/common/ir/UniformSupport.cc

      if (auto tensor_type = dyn_cast<RankedTensorType>(input_type))
        return RankedTensorType::get(tensor_type.getShape(), elemental_type);
      if (auto tensor_type = dyn_cast<UnrankedTensorType>(input_type))
        return UnrankedTensorType::get(elemental_type);
      if (auto vector_type = dyn_cast<VectorType>(input_type))
        return VectorType::get(vector_type.getShape(), elemental_type);
    
      // If the expressed types match, just use the new elemental type.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed May 08 02:10:16 UTC 2024
    - 4.3K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tensorflow/tests/unroll-batch-matmul.mlir

      // CHECK: %[[LHS_2:.*]] = "tf.Reshape"(%[[LHS_SPLIT]]#1, %[[MATMUL_LHS_SHAPE]]) : (tensor<1x4x5xf32>, tensor<2xi64>) -> tensor<4x5xf32>
      // CHECK: %[[LHS_3:.*]] = "tf.Reshape"(%[[LHS_SPLIT]]#2, %[[MATMUL_LHS_SHAPE]]) : (tensor<1x4x5xf32>, tensor<2xi64>) -> tensor<4x5xf32>
      // CHECK: %[[LHS_4:.*]] = "tf.Reshape"(%[[LHS_SPLIT]]#3, %[[MATMUL_LHS_SHAPE]]) : (tensor<1x4x5xf32>, tensor<2xi64>) -> tensor<4x5xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Dec 06 18:42:28 UTC 2023
    - 63.7K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/unwrap_xla_call_module_op.mlir

        %0 = stablehlo.reshape %arg0 : (tensor<10x1x3xf32>) -> tensor<3x10xf32>
        return %0 : tensor<3x10xf32>
      }
      // CHECK: %[[RESHAPE:.*]] = stablehlo.reshape
      // CHECK-NEXT: return %[[RESHAPE]]
    
      // CHECK: @main_1
      func.func private @main_1(%arg0: tensor<3x10xf32>) -> tensor<6x5xf32> {
        %0 = stablehlo.reshape %arg0 : (tensor<3x10xf32>) -> tensor<6x5xf32>
        return %0 : tensor<6x5xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Feb 08 22:40:14 UTC 2024
    - 3.7K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/lite/experimental/tac/tests/device-transform-gpu.mlir

    // CHECK:           %[[VAL_6:.*]] = "tfl.reshape"(%[[VAL_0]], %[[VAL_4]]) : (tensor<384x384xf32>, tensor<4xi32>) -> tensor<1x1x384x384xf32>
    // CHECK:           %[[VAL_7:.*]] = "tfl.reshape"(%[[VAL_1]], %[[VAL_4]]) : (tensor<384x384xf32>, tensor<4xi32>) -> tensor<1x1x384x384xf32>
    // CHECK:           %[[VAL_8:.*]] = "tfl.reshape"(%[[VAL_2]], %[[VAL_4]]) : (tensor<384x384xf32>, tensor<4xi32>) -> tensor<1x1x384x384xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 15.6K bytes
    - Viewed (0)
  5. tensorflow/cc/gradients/nn_grad_test.cc

      auto y = AvgPool3D(scope_, x, ksize, strides, "SAME");
      RunTest(x, x_shape, y, y_shape);
    }
    
    TEST_F(NNGradTest, LRN) {
      TensorShape x_shape({1, 1, 2, 1});
      auto x = Placeholder(scope_, DT_FLOAT, Placeholder::Shape(x_shape));
      auto y = LRN(scope_, x);
      RunTest(x, x_shape, y, x_shape);
    }
    
    TEST_F(NNGradTest, SoftplusGrad) {
      TensorShape shape({3, 7});
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Mar 22 20:45:22 UTC 2022
    - 15K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/lite/utils/lstm_utils.cc

    ArrayRef<int64_t> GetRankedTensorShape(Value value) {
      return mlir::cast<RankedTensorType>(value.getType()).getShape();
    }
    
    Value SliceRankedTensor(OpBuilder* builder, Value input,
                            ArrayRef<int64_t> begin_shape,
                            ArrayRef<int64_t> begin_values,
                            ArrayRef<int64_t> size_shape,
                            ArrayRef<int64_t> size_values,
                            mlir::Location location) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 36.2K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tfr/ir/tfr_ops.cc

                                 input_vector_type.getElementType();
        bool same_shape =
            output_tensor_type.getShape() == input_vector_type.getShape();
        if (!same_element_type || !same_shape) {
          op.emitError("input and output should have same shape and element type.");
        }
        return success(same_element_type && same_shape);
      }
    
      op.emitError("input can not be converted to an output tensor.");
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Nov 21 16:55:41 UTC 2023
    - 38.2K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/lite/stablehlo/transforms/optimize.cc

      if (!dim_nums.getLhsBatchingDimensions().empty()) return failure();
    
      auto reshape = dot.getRhs().getDefiningOp<mhlo::ReshapeOp>();
      if (!reshape) return failure();
      if (!reshape->hasOneUse())
        return rewriter.notifyMatchFailure(reshape, "reshape has multiple usages");
      if (!reshape.getType().hasStaticShape() ||
          !reshape.getOperand().getType().hasStaticShape() ||
          !dot.getLhs().getType().hasStaticShape()) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 26.9K bytes
    - Viewed (0)
  9. tensorflow/c/tf_shape_internal.h

    #define TENSORFLOW_C_TF_SHAPE_INTERNAL_H_
    
    #include "tensorflow/c/conversion_macros.h"
    #include "tensorflow/core/framework/tensor_shape.h"
    
    typedef struct TF_Shape TF_Shape;
    
    namespace tensorflow {
    
    DEFINE_CONVERSION_FUNCTIONS(tensorflow::PartialTensorShape, TF_Shape);
    
    }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Sep 30 00:25:41 UTC 2020
    - 1K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tensorflow/transforms/unroll_batch_matmul.cc

      Type element_type = tensorType.getElementType();
    
      int rank = tensorType.getShape().size();
      int num_rows = tensorType.getShape()[rank - 2];
      int num_cols = tensorType.getShape()[rank - 1];
    
      std::vector<Value> sliced;
    
      if (batch_size == 1) {
        // Batch size is 1, no splitting is required
        // Squeeze the batch dimension, i.e. reshape
        // [1, num_rows, num_cols] -> [num_rows, num_cols]
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 11.6K bytes
    - Viewed (0)
Back to top