Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 19 for rfft2d (0.12 sec)

  1. tensorflow/compiler/mlir/lite/transforms/prepare_tf.cc

            SmallVector<Value, 2>({one.getResult(), fft_len}), zero->getResult());
    
        // Insert the rfft_2d.
        auto rfft2d_out_type = tensorflow::GetTypeFromTFTensorShape(
            expanded_output_shape, output_type.getElementType());
        TF::RFFT2DOp rfft2d = rewriter.create<TF::RFFT2DOp>(
            rfft_op.getLoc(), rfft2d_out_type, expanded_input.getResult(),
            expanded_fft_len.getResult());
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 28 21:49:50 UTC 2024
    - 64.6K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/lite/tests/legalize-tf.mlir

    }
    
    // -----
    
    func.func @rfft2d(%arg0: tensor<10x20x10x30xf32>, %arg1: tensor<2xi32>) -> tensor<10x20x10x30xcomplex<f32>> {
      %0 = "tf.RFFT2D"(%arg0, %arg1) : (tensor<10x20x10x30xf32>, tensor<2xi32>) -> tensor<10x20x10x30xcomplex<f32>>
      func.return %0 : tensor<10x20x10x30xcomplex<f32>>
      // CHECK-LABEL: rfft2d
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jun 05 01:54:33 UTC 2024
    - 153.4K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/lite/schema/schema_v3b.fbs

      SCATTER_ND = 122,
      SELECT_V2 = 123,
      DENSIFY = 124,
      SEGMENT_SUM = 125,
      BATCH_MATMUL = 126,
      PLACEHOLDER_FOR_GREATER_OP_CODES = 127,
      CUMSUM = 128,
      CALL_ONCE = 129,
      BROADCAST_TO = 130,
      RFFT2D = 131,
      CONV_3D = 132,
      IMAG=133,
      REAL=134,
      COMPLEX_ABS=135,
      HASHTABLE = 136,
      HASHTABLE_FIND = 137,
      HASHTABLE_IMPORT = 138,
      HASHTABLE_SIZE = 139,
      REDUCE_ALL = 140,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 28 14:28:27 UTC 2024
    - 30K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/lite/schema/schema.fbs

      SCATTER_ND = 122,
      SELECT_V2 = 123,
      DENSIFY = 124,
      SEGMENT_SUM = 125,
      BATCH_MATMUL = 126,
      PLACEHOLDER_FOR_GREATER_OP_CODES = 127,
      CUMSUM = 128,
      CALL_ONCE = 129,
      BROADCAST_TO = 130,
      RFFT2D = 131,
      CONV_3D = 132,
      IMAG=133,
      REAL=134,
      COMPLEX_ABS=135,
      HASHTABLE = 136,
      HASHTABLE_FIND = 137,
      HASHTABLE_IMPORT = 138,
      HASHTABLE_SIZE = 139,
      REDUCE_ALL = 140,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 03 18:01:23 UTC 2024
    - 41.7K bytes
    - Viewed (0)
  5. tensorflow/compiler/jit/mark_for_compilation_pass.cc

          "FakeQuantWithMinMaxVarsPerChannelGradient",
          "Gather",
          "GatherNd",
          "GatherV2",
          "HSVToRGB",
          "IFFT",
          "IFFT2D",
          "IFFT3D",
          "IRFFT",
          "IRFFT2D",
          "IRFFT3D",
          "If",
          "InTopKV2",
          "L2Loss",
          "LeakyRelu",
          "LinSpace",
          "ListDiff",
          "LogMatrixDeterminant",
          "LowerBound",
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Feb 21 12:19:41 UTC 2024
    - 85.3K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/lite/ir/tfl_ops.td

      let hasCanonicalizer = 1;
    }
    
    def TFL_RFFT2dOp : TFL_Op<"rfft2d", [Pure]> {
      let summary = "2D real-valued fast Fourier transform.";
    
      let description = [{
    Computes the 2-dimensional discrete Fourier transform of a real-valued signal
    over the inner-most 2 dimensions of `input`.
    
    Since the DFT of a real signal is Hermitian-symmetric, `RFFT2D` only returns the
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jun 06 19:09:08 UTC 2024
    - 186K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/lite/tests/prepare-tf.mlir

    // CHECK:  %[[CON:.*]] = "tf.ConcatV2"(%[[CST0]], %arg1, %[[CST1]]) : (tensor<1xi32>, tensor<1xi32>, tensor<i32>) -> tensor<2xi32>
    // CHECK:  %[[RFF:.*]] = "tf.RFFT2D"(%[[EXP]], %[[CON]]) : (tensor<10x20x1x30xf32>, tensor<2xi32>) -> tensor<10x20x1x30xcomplex<f64>>
    // CHECK:  %[[SQE:.*]] = "tf.Squeeze"(%[[RFF]]) <{squeeze_dims = [-2]}> : (tensor<10x20x1x30xcomplex<f64>>) -> tensor<10x20x30xcomplex<f64>>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed May 29 07:26:59 UTC 2024
    - 59.8K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/lite/experimental/tac/py_wrapper/BUILD

            "@double_conversion//:__subpackages__",
            "@eigen_archive//:__subpackages__",
            "@farmhash_archive//:__subpackages__",
            "@farmhash_gpu_archive//:__subpackages__",
            "@fft2d//:__subpackages__",
            "@flatbuffers//:__subpackages__",
            "@FP16//:__subpackages__",
            "@FXdiv//:__subpackages__",
            "@gemmlowp//:__subpackages__",
            "@gif//:__subpackages__",
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Mar 27 18:00:18 UTC 2024
    - 4.2K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/tensorflow/ir/tf_generated_ops.td

    over the inner-most 2 dimensions of `input`.
    
    Since the DFT of a real signal is Hermitian-symmetric, `RFFT2D` only returns the
    `fft_length / 2 + 1` unique components of the FFT for the inner-most dimension
    of `output`: the zero-frequency term, followed by the `fft_length / 2`
    positive-frequency terms.
    
    Along each axis `RFFT2D` is computed on, if `fft_length` is smaller than the
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 11 23:24:08 UTC 2024
    - 793K bytes
    - Viewed (0)
  10. RELEASE.md

        * Added `dtensor.get_default_mesh`, for retrieving the current default mesh under the dtensor context.
        * \*fft\* ops now support dtensors with any layout. Fixed bug in 'fft2d/fft3d', 'ifft2d/ifft3d', 'rfft2d/rfft3d', and 'irfft2d/irfft3d' for sharde input. Refer to this [blog post](https://blog.tensorflow.org/2023/08/distributed-fast-fourier-transform-in-tensorflow.html) for details.
    
    *  `tf.experimental.strict_mode`
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 11 23:24:08 UTC 2024
    - 730.3K bytes
    - Viewed (0)
Back to top