Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 1,257 for gather (0.18 sec)

  1. tensorflow/compiler/mlir/lite/stablehlo/tests/composite-lowering.mlir

      %15 = "mhlo.gather"(%arg0, %14) <{dimension_numbers = #mhlo.gather<offset_dims = [0, 1, 3], collapsed_slice_dims = [2], start_index_map = [2], index_vector_dim = 1>, slice_sizes = dense<[4, 8, 1, 32]> : tensor<4xi64>}> : (tensor<4x8x32x32xf32>, tensor<64x1xi32>) -> tensor<4x8x64x32xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jun 06 18:45:51 UTC 2024
    - 32.6K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tensorflow/transforms/tensor_list_ops_decomposition.cc

    LogicalResult HandleTensorListGatherOp(
        TF::TensorListGatherOp gather,
        const llvm::SmallDenseMap<Value, SizeInfo>& buffer_to_size) {
      auto it = buffer_to_size.find(gather.getInputHandle());
      if (it == buffer_to_size.end()) {
        return gather.emitOpError("unknown tensor list");
      }
      auto buffer = gather.getInputHandle();
      auto result = cutil::GatherElements(gather.getIndices(), buffer,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 39.2K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/lite/tests/quantize-dynamic-range.mlir

    // CHECK: %[[emb:.*]] = "tfl.gather"(%[[dq_w]], %arg0)
    // CHECK: return %[[emb:.*]]
    
    // PerTensor: %[[q_w:.*]] = "tfl.pseudo_qconst"() <{qtype = tensor<64x3x3x3x!quant.uniform<i8<-127:127>:f32, 1.000000e+00>>
    // PerTensor: %[[dq_w:.*]] = "tfl.dequantize"(%[[q_w]]) : (tensor<64x3x3x3x!quant.uniform<i8<-127:127>:f32, 1.000000e+00>>) -> tensor<64x3x3x3xf32>
    // PerTensor: %[[emb:.*]] = "tfl.gather"(%[[dq_w]], %arg0)
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 23 21:09:00 UTC 2024
    - 23.2K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/quantization/tensorflow/passes/lift_quantizable_spots_as_functions.cc

          : quant_options_(quant_options), test_mode_(false) {}
    
      LiftQuantizableSpotsAsFunctionsPass(
          const LiftQuantizableSpotsAsFunctionsPass& other) {
        quant_options_ = other.quant_options_;
        test_mode_ = other.test_mode_;
        op_set_ = other.op_set_;
        initializeForTest();
      }
    
      StringRef getArgument() const final {
        // This is the argument used to refer to the pass in
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 10 04:07:09 UTC 2024
    - 16.4K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/quantize_model_test_base.py

            if self.same_scale_op == 'concatenate':
              ones = array_ops.ones_like(out)
              out = array_ops.concat([out, ones], 0)
            elif self.same_scale_op == 'gather':
              out = array_ops.gather(out, indices=[0], axis=0)
            elif self.same_scale_op == 'max_pool':
              out = nn_ops.max_pool(out, ksize=3, strides=1, padding='SAME')
            elif self.same_scale_op == 'pad':
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 06:31:57 UTC 2024
    - 18.2K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/lite/stablehlo/tests/tfl_legalize_hlo.mlir

    // CHECK-NEXT:      %17 = "tfl.gather"(%14, %16) <{axis = 0 : i32, batch_dims = 0 : i32}> : (tensor<3xi32>, tensor<2xi64>) -> tensor<2xi32>
    // CHECK-NEXT:      %18 = "tfl.pseudo_const"() <{value = dense<1> : tensor<1xi64>}> : () -> tensor<1xi64>
    // CHECK-NEXT:      %19 = "tfl.gather"(%15, %18) <{axis = 0 : i32, batch_dims = 0 : i32}> : (tensor<3xi32>, tensor<1xi64>) -> tensor<1xi32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 40.1K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/quantization/tensorflow/passes/insert_custom_aggregation_ops.cc

          : test_mode_(false), calib_opts_(calib_opts) {}
    
      InsertCustomAggregationOpsPass(const InsertCustomAggregationOpsPass &other) {
        test_mode_ = other.test_mode_;
        test_case_ = other.test_case_;
        calib_opts_ = other.calib_opts_;
        initializeForTest();
      }
    
      MLIR_DEFINE_EXPLICIT_INTERNAL_INLINE_TYPE_ID(InsertCustomAggregationOpsPass)
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 17 17:58:54 UTC 2024
    - 14.8K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/quantization/tensorflow/passes/convert_tf_xla_op_to_tf_op.cc

    // designate the dimension indices that were collapsed to produce `tensor_type`.
    // The restored dimensions' sizes are 1, according to the semantics of
    // `XlaGatherOp (https://www.tensorflow.org/xla/operation_semantics#gather). The
    // resulting type's shape has `tensor_type.size() + collapsed_dims.size()`
    // dimensions.
    RankedTensorType RestoreCollapsedDimensions(
        const RankedTensorType tensor_type,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 13.2K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/quantize/quantize_same_scale.mlir

        // CHECK: %[[GATHER:.*]] = "stablehlo.gather"(%[[CALL]], %[[ARG2]])
        // CHECK-SAME: (tensor<3x4x2x!quant.uniform<i8:f32, 0.13170163023705575:-1>>, tensor<2x3x2xi64>) -> tensor<2x3x2x2x!quant.uniform<i8:f32, 0.13170163023705575:-1>>
        // CHECK: %[[DQ:.*]] = "quantfork.dcast"(%[[GATHER]]) : (tensor<2x3x2x2x!quant.uniform<i8:f32, 0.13170163023705575:-1>>) -> tensor<2x3x2x2xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 17:10:32 UTC 2024
    - 35.4K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/lite/stablehlo/transforms/legalize_hlo_conversions/dot_general.cc

    // mhlo.dot_general:
    //   1. flattened_out_dim = UnsortedSegmentProdOp(operand_shape, out_axes)
    //   2. flattened_contracting_dim = UnsortedSegmentProdOp(operand_shape,
    //   contracting_axes)
    //   3. batch_dimensions = Gather(operand_shape, batch_axes)
    //   4. flattened_shape = Concat(batch_dimensions, flattened_out_dim,
    //   flattened_contracting_dim)
    // The flattened shape for LHS
    // is like [batch_dimensions, flattened_out_dimension,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 19.2K bytes
    - Viewed (0)
Back to top