HomeSort by relevance Sort by last modified time
    Searched full:fft_length (Results 1 - 25 of 41) sorted by null

1 2

  /external/tensorflow/tensorflow/core/api_def/base_api/
api_def_IRFFT.pbtxt 10 name: "fft_length"
19 dimension of `input` is replaced with the `fft_length` samples of its inverse
33 `fft_length / 2 + 1` unique components of the DFT of a real-valued signal. If
34 `fft_length` is not provided, it is computed from the size of the inner-most
35 dimension of `input` (`fft_length = 2 * (inner - 1)`). If the FFT length used to
39 Along the axis `IRFFT` is computed on, if `fft_length / 2 + 1` is smaller
api_def_RFFT.pbtxt 10 name: "fft_length"
19 dimension of `input` is replaced with the `fft_length / 2 + 1` unique
33 `fft_length / 2 + 1` unique components of the FFT: the zero-frequency term,
34 followed by the `fft_length / 2` positive-frequency terms.
36 Along the axis `RFFT` is computed on, if `fft_length` is smaller than the
api_def_RFFT2D.pbtxt 10 name: "fft_length"
20 inner-most dimension contains `fft_length / 2 + 1` unique frequency
34 `fft_length / 2 + 1` unique components of the FFT for the inner-most dimension
35 of `output`: the zero-frequency term, followed by the `fft_length / 2`
38 Along each axis `RFFT2D` is computed on, if `fft_length` is smaller than the
api_def_RFFT3D.pbtxt 10 name: "fft_length"
20 inner-most dimension contains `fft_length / 2 + 1` unique frequency
34 `fft_length / 2 + 1` unique components of the FFT for the inner-most dimension
35 of `output`: the zero-frequency term, followed by the `fft_length / 2`
38 Along each axis `RFFT3D` is computed on, if `fft_length` is smaller than the
api_def_IRFFT2D.pbtxt 10 name: "fft_length"
19 dimensions of `input` are replaced with the `fft_length` samples of their
33 The inner-most dimension contains the `fft_length / 2 + 1` unique components of
34 the DFT of a real-valued signal. If `fft_length` is not provided, it is computed
39 Along each axis `IRFFT2D` is computed on, if `fft_length` (or
40 `fft_length / 2 + 1` for the inner-most dimension) is smaller than the
api_def_IRFFT3D.pbtxt 10 name: "fft_length"
19 dimensions of `input` are replaced with the `fft_length` samples of their
33 The inner-most dimension contains the `fft_length / 2 + 1` unique components of
34 the DFT of a real-valued signal. If `fft_length` is not provided, it is computed
39 Along each axis `IRFFT3D` is computed on, if `fft_length` (or
40 `fft_length / 2 + 1` for the inner-most dimension) is smaller than the
  /external/tensorflow/tensorflow/python/ops/
spectral_ops.py 48 """Infers the `fft_length` argument for a `rank` RFFT from `input_tensor`."""
61 """Infers the `fft_length` argument for a `rank` IRFFT from `input_tensor`."""
67 fft_length = _array_ops.unstack(_array_ops.shape(input_tensor)[-fft_rank:])
68 fft_length[-1] = _math_ops.maximum(0, 2 * (fft_length[-1] - 1))
69 return _array_ops.stack(fft_length)
72 fft_length = fft_shape.as_list()
73 if fft_length:
74 fft_length[-1] = max(0, 2 * (fft_length[-1] - 1)
    [all...]
spectral_grad.py 76 fft_length = op.inputs[1]
78 is_even = math_ops.cast(1 - (fft_length[-1] % 2), dtypes.complex64)
140 irfft = irfft_fn(grad, fft_length)
157 fft_length = op.inputs[1]
158 is_odd = math_ops.mod(fft_length[-1], 2)
170 rfft = rfft_fn(grad, fft_length)
  /external/tensorflow/tensorflow/compiler/tf2xla/kernels/
fft_ops.cc 51 std::vector<int64> fft_length; variable
53 OP_REQUIRES_OK(ctx, ctx->ConstantInputAsIntVector(1, &fft_length));
54 OP_REQUIRES(ctx, fft_length.size() == fft_rank_,
55 errors::InvalidArgument("fft_length must be length ",
60 fft_length.push_back(
67 b->Fft(ctx->Input(0), fft_type_, fft_length);
105 REGISTER_XLA_OP(Name("RFFT").CompileTimeConstInput("fft_length"), RFFTOp<1>);
106 REGISTER_XLA_OP(Name("RFFT2D").CompileTimeConstInput("fft_length"), RFFTOp<2>);
107 REGISTER_XLA_OP(Name("RFFT3D").CompileTimeConstInput("fft_length"), RFFTOp<3>);
115 REGISTER_XLA_OP(Name("IRFFT").CompileTimeConstInput("fft_length"), IRFFTOp<1>)
    [all...]
  /external/tensorflow/tensorflow/tools/api/golden/
tensorflow.spectral.pbtxt 33 argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults=[\'None\', \'None\'], "
37 argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults=[\'None\', \'None\'], "
41 argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults=[\'None\', \'None\'], "
45 argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults=[\'None\', \'None\'], "
49 argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults=[\'None\', \'None\'], "
53 argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults=[\'None\', \'None\'], "
  /external/tensorflow/tensorflow/python/kernel_tests/
fft_ops_test.py 41 def _compare(self, x, rank, fft_length=None, use_placeholder=False):
42 self._compareForward(x, rank, fft_length, use_placeholder)
43 self._compareBackward(x, rank, fft_length, use_placeholder)
45 def _compareForward(self, x, rank, fft_length=None, use_placeholder=False):
46 x_np = self._npFFT(x, rank, fft_length)
49 x_tf = self._tfFFT(x_ph, rank, fft_length, feed_dict={x_ph: x})
51 x_tf = self._tfFFT(x, rank, fft_length)
55 def _compareBackward(self, x, rank, fft_length=None, use_placeholder=False):
56 x_np = self._npIFFT(x, rank, fft_length)
59 x_tf = self._tfIFFT(x_ph, rank, fft_length, feed_dict={x_ph: x}
    [all...]
  /external/tensorflow/tensorflow/contrib/signal/python/kernel_tests/
spectral_ops_test.py 56 def _np_stft(data, fft_length, hop_length, window_length):
59 return np.fft.rfft(frames * window, fft_length)
62 def _np_inverse_stft(stft, fft_length, hop_length, window_length):
63 frames = np.fft.irfft(stft, fft_length)
82 def _compare(self, signal, frame_length, frame_step, fft_length):
86 signal, frame_length, frame_step, fft_length, pad_end=False)
89 signal_ph, frame_length, frame_step, fft_length, pad_end=False)
92 actual_stft, frame_length, frame_step, fft_length)
101 actual_stft_ph, frame_length, frame_step, fft_length),
110 signal, fft_length, frame_step, frame_length
    [all...]
  /external/tensorflow/tensorflow/core/ops/
spectral_ops_test.cc 60 // Unknown fft_length (whether or not rank/shape is known) implies unknown
73 // Tests with known values for fft_length input.
75 Tensor fft_length = test::AsTensor<int32>({10}); local
76 op.input_tensors[1] = &fft_length;
89 fft_length = test::AsTensor<int32>({11});
100 fft_length = test::AsTensor<int32>({12});
120 // Unknown fft_length (whether or not rank/shape is known) implies unknown
133 // Tests with known values for fft_length input.
135 Tensor fft_length = test::AsTensor<int32>({9, 10}); local
136 op.input_tensors[1] = &fft_length;
195 Tensor fft_length = test::AsTensor<int32>({10, 11, 12}); local
    [all...]
spectral_ops.cc 73 // Check that fft_length has shape [rank].
82 // If fft_length is unknown at graph creation time, we can't predict the
86 // output without knowing fft_length.
93 // For RFFT, replace the last dimension with fft_length/2 + 1.
107 .Input("fft_length: int32")
113 .Input("fft_length: int32")
119 .Input("fft_length: int32")
125 .Input("fft_length: int32")
131 .Input("fft_length: int32")
137 .Input("fft_length: int32"
    [all...]
  /external/tensorflow/tensorflow/contrib/signal/python/ops/
spectral_ops.py 36 def stft(signals, frame_length, frame_step, fft_length=None,
47 fft_length: An integer scalar `Tensor`. The size of the FFT to apply.
58 `fft_unique_bins` is `fft_length // 2 + 1` (the unique components of the
76 if fft_length is None:
77 fft_length = _enclosing_power_of_two(frame_length)
79 fft_length = ops.convert_to_tensor(fft_length, name='fft_length')
89 # spectral_ops.rfft produces the (fft_length/2 + 1) unique components of the
91 return spectral_ops.rfft(framed_signals, [fft_length])
    [all...]
mfcc_ops.py 52 fft_length=1024)
  /external/tensorflow/tensorflow/compiler/tests/
fft_test.py 133 lambda x: spectral_ops.rfft(x, fft_length=[x.shape[-1].value]))
139 x, fft_length=[x.shape[-2].value, x.shape[-1].value])
154 fft_length=[x.shape[-3].value, x.shape[-2].value, x.shape[-1].value])
161 return spectral_ops.irfft(x, fft_length=[2 * (x.shape[-1].value - 1)])
171 x, fft_length=[x.shape[-2].value, 2 * (x.shape[-1].value - 1)])
196 fft_length=[
  /external/tensorflow/tensorflow/compiler/xla/service/gpu/
fft_thunk.cc 112 tensorflow::gtl::ArraySlice<int64> fft_length,
119 fft_length_(fft_length.begin(), fft_length.end()),
143 uint64 fft_length[3]; local
153 fft_length[i] = static_cast<uint64>(fft_length_[i]);
163 stream, fft_rank, fft_length, input_embed, input_stride,
fft_thunk.h 66 FftThunk(FftType fft_type, tensorflow::gtl::ArraySlice<int64> fft_length,
  /external/webrtc/webrtc/common_audio/
real_fourier_ooura.cc 30 size_t ComputeWorkIpSize(size_t fft_length) {
32 static_cast<float>(fft_length))));
  /external/tensorflow/tensorflow/core/kernels/
fft_ops.cc 57 const Tensor& fft_length = ctx->input(1); variable
59 fft_length.shape().dims() == 1 &&
60 fft_length.shape().dim_size(0) == fft_rank,
61 errors::InvalidArgument("fft_length must have shape [",
64 auto fft_length_as_vec = fft_length.vec<int32>();
482 Name("RFFT").Device(DEVICE_GPU).HostMemory("fft_length"),
485 Name("IRFFT").Device(DEVICE_GPU).HostMemory("fft_length"),
488 Name("RFFT2D").Device(DEVICE_GPU).HostMemory("fft_length"),
491 Name("IRFFT2D").Device(DEVICE_GPU).HostMemory("fft_length"),
494 Name("RFFT3D").Device(DEVICE_GPU).HostMemory("fft_length"),
    [all...]
  /external/tensorflow/tensorflow/docs_src/api_guides/python/
contrib.signal.md 35 signals, frame_length=256, frame_step=64, fft_length=256))
86 # where fft_unique_bins = fft_length // 2 + 1 = 513.
88 fft_length=1024)
  /external/tensorflow/tensorflow/compiler/xla/service/
shape_inference.cc     [all...]
hlo.proto 131 repeated int64 fft_length = 32;
  /external/tensorflow/tensorflow/compiler/xla/
xla_data.proto 508 RFFT = 2; // Forward real FFT; real in, fft_length / 2 + 1 complex out
509 IRFFT = 3; // Inverse real FFT; fft_length / 2 + 1 complex in,
510 // fft_length real out
515 repeated int64 fft_length = 2; // Multivalent for higher-order FFT.

Completed in 523 milliseconds

1 2