Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 12 for _einsum (0.16 sec)

  1. tensorflow/cc/gradients/linalg_grad_test.cc

      auto z = Einsum(scope_, {x}, "ii->");
      TensorShape z_shape({});
      RunTest({x}, {x_shape}, {z}, {z_shape});
    }
    
    TEST_F(LinalgGradTest, Einsum_TraceBroadcast) {
      TensorShape x_shape({4, 3, 3});
      Output x = Placeholder(scope_, DT_FLOAT, Placeholder::Shape(x_shape));
      // Note: In Python this could just be "ii" becuase tf.einsum normalizes the
      // equation, but c++ doesn't do that.
      auto z = Einsum(scope_, {x}, "...ii->...");
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Mar 07 23:11:54 UTC 2022
    - 5.8K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tensorflow/tests/batchmatmul_to_einsum.mlir

    // RUN: tf-opt %s -tf-batch-matmul-to-tf-einsum | FileCheck %s
    
    func.func @test_batch_matmul_to_einsum(%arg0: tensor<1x2x3xf32>, %arg1: tensor<3x4xf32>) -> tensor<1x2x4xf32> {
      // CHECK-LABEL: test_batch_matmul_to_einsum
      // CHECK: "tf.Einsum"(%arg0, %arg1) <{equation = "...mk,...kn->...mn"}> : (tensor<1x2x3xf32>, tensor<3x4xf32>) -> tensor<1x2x4xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 3K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/tensorflow/tests/convert_tf_xla_op_to_tf_op.mlir

      func.return %0 : tensor<?x2x4x5xf32>
    }
    
    // CHECK: func @xla_dot_v2
    // CHECK: %[[einsum:.*]] = "tf.Einsum"(%arg0, %arg1) <{equation = "abc,cde->abde"}> : (tensor<?x2x3xf32>, tensor<3x4x5xf32>) -> tensor<?x2x4x5xf32>
    // CHECK: return %[[einsum]] : tensor<?x2x4x5xf32>
    
    // -----
    
    // dimension_numbers: {
    //   offset_dims: 0
    //   collapsed_slice_dims: 1
    //   start_index_map: 1
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 3.7K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/quantization/common/lift_as_function_call.td

                        "\""# func_name #"\", $0...)", returns>;
    
    // Add the second argument to the first argument, which is expected to be an
    // argument list.
    // bias(einsum(inputs), bias) --> einsum_with_bias(AppendToVector(inputs, bias))
    // Since inputs is a vector in case of einsum, we cannot use ArgumentList here.
    def AppendToVector : NativeCodeCall<"AppendToVector($0, $1)">;
    
    // The list of arguments of the composite function.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Mar 25 00:32:20 UTC 2024
    - 3.4K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/quantization/tensorflow/passes/convert_tf_xla_op_to_tf_op.td

    def IsPrecisionEmpty :
      Constraint<CPred<"IsPrecisionEmpty($0)">>;
    
    // Creates Einsum Op from XlaDotV2 Op by generating equation.
    def CreateEinsumOpFromXlaDotV2Op : NativeCodeCall<
      "CreateEinsumOpFromXlaDotV2Op($_builder, $_loc, $0...)">;
    
    // Convert XlaDotV2 Op to Einsum Op with above two functions.
    def ConvertXlaDotV2OpToEinsumOp : Pat<
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sun Dec 10 05:52:02 UTC 2023
    - 2.3K bytes
    - Viewed (0)
  6. ci/official/containers/linux_arm64/jax.requirements.txt

    # REQUIREMENTS_FILE=jax.requirements.txt
    
    
    setuptools
    wheel
    cloudpickle
    colorama>=0.4.4
    matplotlib
    pillow>=9.1.0
    rich
    absl-py
    portpicker
    six
    opt-einsum
    auditwheel
    typing_extensions
    importlib_metadata>=4.6
    numpy==1.26.0;python_version=="3.12"
    numpy==1.23.4;python_version=="3.11"
    numpy==1.22.4;python_version<"3.11"
    scipy==1.11.2;python_version=="3.12"
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jan 30 20:02:17 UTC 2024
    - 570 bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tensorflow/transforms/batchmatmul_to_einsum.cc

    #include "tensorflow/compiler/mlir/tensorflow/ir/tf_ops.h"
    #include "tensorflow/core/util/matmul_bcast.h"
    
    namespace mlir {
    namespace TF {
    
    namespace {
    
    // Replace TF BatchMatMul by TF Einsum op
    template <typename BatchMatMulOpType>
    class ConvertTFBatchMatMulToEinsumOp
        : public OpRewritePattern<BatchMatMulOpType> {
      using OpRewritePattern<BatchMatMulOpType>::OpRewritePattern;
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 3.8K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tf2xla/transforms/verify_tfxla_legalization_test.cc

      CreateModule(kNonStaticFailure);
    
      auto result = Run();
    
      EXPECT_TRUE(result.succeeded());
      EXPECT_EQ(static_error.Delta("mhlo.einsum"), 0);
      EXPECT_EQ(skipped.Delta("mhlo.einsum"), 1);
    }
    
    TEST_F(VerifyTfxlaLegalizationTest, SkipsNonStaticInputsWithBounds) {
      // Using a string constant here instead of testdata to make this compatible
      // with open source.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Sep 06 19:12:29 UTC 2023
    - 7.5K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/common/lift_as_function_call.h

    bool IsInLiftedFunc(Operation* op);
    
    // Checks if the op is inside a StableHLO op with region.
    // If the given op pointer is a nullptr, returns false.
    bool IsInStableHloOpRegion(Operation* op);
    
    // Checks if a given einsum op is supported for XlaDotV2 quantization.
    bool IsEinsumSupportedByXlaDotV2(StringAttr equation_attr);
    
    // Gets the quantization method from `op`. It is retrieved from the
    // `kQuantizationMethodAttr` string attribute. Returns
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 10 04:07:09 UTC 2024
    - 5.5K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tf2xla/tests/verify-tfxla-legalization.mlir

      %0 = mhlo.constant dense<(1.000000e+00,-1.000000e+00)> : tensor<128x32x4xcomplex<f32>>
      %1 = mhlo.constant dense<(1.000000e+00,1.000000e+00)> : tensor<8x64x128xcomplex<f32>>
      %2 = "mhlo.einsum"(%1, %0) <{einsum_config = "abc,cde->abde"}> : (tensor<8x64x128xcomplex<f32>>, tensor<128x32x4xcomplex<f32>>) -> tensor<8x64x32x4xcomplex<f32>>
      return %2 : tensor<8x64x32x4xcomplex<f32>>
    }
    
    // -----
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Apr 06 15:32:52 UTC 2024
    - 3.1K bytes
    - Viewed (0)
Back to top