Search Options

Results per page
Sort
Preferred Languages
Advance

Results 31 - 40 of 44 for _einsum (0.17 sec)

  1. tensorflow/compiler/mlir/lite/stablehlo/tests/compose-uniform-quantized-type.mlir

        %16 = stablehlo.broadcast_in_dim %6, dims = [0, 1, 2] : (tensor<1x1x1xi32>) -> tensor<8x16x4xi32>
        %17 = stablehlo.subtract %15, %16 : tensor<8x16x4xi32>  // q2 - z2
        // Corresponds to einsum expression: b i j, b j d -> b i d
        %18 = stablehlo.dot_general %14, %17, batching_dims = [0] x [0], contracting_dims = [2] x [1] : (tensor<8x16x16xi32>, tensor<8x16x4xi32>) -> tensor<8x16x4xi32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 17:10:32 UTC 2024
    - 37K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/quantization/common/lift_as_function_call.cc

    SmallVector<Value> AppendToVector(const ArrayRef<Value> arguments,
                                      Value append) {
      SmallVector<Value> ret(arguments);
      ret.push_back(append);
      return ret;
    }
    
    // Check if the given einsum equation is supported by XlaDotV2.
    // Conditions:
    // 1. Two inputs & one output.
    // 2. No ... in the equation.
    // 3. Batch dimensions should be the same, or only the left equation should have
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 17 17:58:54 UTC 2024
    - 21.8K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/tensorflow/passes/quantize_composite_functions.cc

              quantize_func_count++;
            } else if (func_name.starts_with("dequantize_i")) {
              dequantize_func_count++;
            }
          } else if (auto einsum = llvm::isa<TF::EinsumOp>(op)) {
            if (IsInCompsiteFunction(op)) return;
            // Leftover Einsum ops are always non-quantized.
            auto op_name = op->getName().stripDialect();
            func_count_map[op_name].num_float++;
          }
        });
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 54.5K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tensorflow/transforms/tf_passes.td

        MLIR pipeline in the future.
      }];
      let constructor = "TF::CreateGpuOpFusionPass()";
    }
    
    def BatchMatMulToEinsumPass : Pass<"tf-batch-matmul-to-tf-einsum", "mlir::func::FuncOp"> {
      let summary = "Replace TF BatchMatMul op by TF Einsum op.";
      let constructor = "TF::CreateBatchMatMulToEinsumPass()";
    }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jun 12 21:18:05 UTC 2024
    - 99.6K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/g3doc/_includes/tf_passes.md

    TensorFlow graph export by making transformation such as replacing or
    removing MLIR or XLA specific attributes that are not legal in TensorFlow
    graph.
    ### `-tf-batch-matmul-to-tf-einsum`
    
    _Replace TF BatchMatMul op by TF Einsum op._
    
    ### `-tf-broadcast-fold`
    
    _Fold explicit broadcasts into the following operations if they support implicit broadcasting on their operand._
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Aug 02 02:26:39 UTC 2023
    - 96.4K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/quantization/tensorflow/tests/prepare_lifting.mlir

    // CHECK-NEXT: return %[[BIASADD]] : tensor<?x?x?x3xf32>
    
    // -----
    
    func.func @lower_einsum(%arg0: tensor<3x4x5xf32>, %arg1: tensor<3x5x6xf32>) -> tensor<3x4x6xf32> {
      %0 = "tf.Einsum"(%arg0, %arg1) {T = "tfdtype$DT_FLOAT", equation = "ijk,ikm->ijm"}: (tensor<3x4x5xf32>, tensor<3x5x6xf32>) -> tensor<3x4x6xf32>
      func.return %0 : tensor<3x4x6xf32>
    }
    // CHECK-LABEL: lower_einsum
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Feb 14 03:24:59 UTC 2024
    - 33.3K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tf2xla/tests/legalize-tf.mlir

    }
    
    //===----------------------------------------------------------------------===//
    // Einsum.
    //===----------------------------------------------------------------------===//
    
    // -----
    
    // CHECK-LABEL: func @einsum
    func.func @einsum(%arg0: tensor<2x3xf32>, %arg1: tensor<3x4xf32>) -> tensor<2x4xf32> {
      // CHECK:  mhlo.einsum
      %0 = "tf.Einsum"(%arg0, %arg1) {equation = "ab,bc->ac"} : (tensor<2x3xf32>, tensor<3x4xf32>) -> tensor<2x4xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon May 06 18:46:23 UTC 2024
    - 335.5K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/lite/transforms/prepare_tf.cc

    #include "tensorflow/compiler/mlir/lite/utils/utils.h"
    #include "tensorflow/compiler/mlir/lite/utils/validators.h"
    #include "tensorflow/compiler/mlir/tensorflow/ir/tf_ops.h"
    #include "tensorflow/compiler/mlir/tensorflow/transforms/einsum.h"
    #include "tensorflow/compiler/mlir/tensorflow/transforms/passes.h"
    #include "tensorflow/compiler/mlir/tensorflow/transforms/unroll_batch_matmul.h"
    #include "tensorflow/compiler/mlir/tensorflow/utils/dynamic_shape_utils.h"
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 28 21:49:50 UTC 2024
    - 64.6K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/tensorflow/ir/tf_generated_ops.td

    is raised.
    
    @compatibility(numpy)
    Similar to [`numpy.einsum`](https://docs.scipy.org/doc/numpy/reference/generated/numpy.einsum.html).
    
    Comparison with `numpy.einsum`:
    
     * This Op only supports unary and binary forms of `numpy.einsum`.
     * This Op does not support implicit form. (i.e. equations without `->`).
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 11 23:24:08 UTC 2024
    - 793K bytes
    - Viewed (0)
  10. tensorflow/compiler/jit/mark_for_compilation_pass.cc

    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Feb 21 12:19:41 UTC 2024
    - 85.3K bytes
    - Viewed (0)
Back to top