/external/tensorflow/tensorflow/python/ops/signal/ |
D | fft_ops.py | 51 fft_length = _array_ops.unstack(_array_ops.shape(input_tensor)[-fft_rank:]) 52 fft_length[-1] = _math_ops.maximum(0, 2 * (fft_length[-1] - 1)) 53 return _array_ops.stack(fft_length) 56 fft_length = fft_shape.as_list() 57 if fft_length: 58 fft_length[-1] = max(0, 2 * (fft_length[-1] - 1)) 59 return _ops.convert_to_tensor(fft_length, _dtypes.int32) 62 def _maybe_pad_for_rfft(input_tensor, fft_rank, fft_length, is_reverse=False): argument 64 fft_shape = _tensor_util.constant_value_as_shape(fft_length) 98 outer_paddings = _array_ops.zeros([outer_dims], fft_length.dtype) [all …]
|
D | spectral_ops.py | 37 def stft(signals, frame_length, frame_step, fft_length=None, argument 77 if fft_length is None: 78 fft_length = _enclosing_power_of_two(frame_length) 80 fft_length = ops.convert_to_tensor(fft_length, name='fft_length') 92 return fft_ops.rfft(framed_signals, [fft_length]) 160 fft_length=None, argument 230 if fft_length is None: 231 fft_length = _enclosing_power_of_two(frame_length) 233 fft_length = ops.convert_to_tensor(fft_length, name='fft_length') 234 fft_length.shape.assert_has_rank(0) [all …]
|
D | dct_ops.py | 114 input, fft_length=[2 * axis_dim])[..., :axis_dim] * scale) 146 fft_length=[2 * axis_dim]))[..., :axis_dim]
|
/external/tensorflow/tensorflow/python/kernel_tests/signal/ |
D | fft_ops_test.py | 42 def _compare(self, x, rank, fft_length=None, use_placeholder=False, argument 44 self._compareForward(x, rank, fft_length, use_placeholder, rtol, atol) 45 self._compareBackward(x, rank, fft_length, use_placeholder, rtol, atol) 47 def _compareForward(self, x, rank, fft_length=None, use_placeholder=False, argument 49 x_np = self._npFFT(x, rank, fft_length) 52 x_tf = self._tfFFT(x_ph, rank, fft_length, feed_dict={x_ph: x}) 54 x_tf = self._tfFFT(x, rank, fft_length) 58 def _compareBackward(self, x, rank, fft_length=None, use_placeholder=False, argument 60 x_np = self._npIFFT(x, rank, fft_length) 63 x_tf = self._tfIFFT(x_ph, rank, fft_length, feed_dict={x_ph: x}) [all …]
|
D | spectral_ops_test.py | 56 def _np_stft(data, fft_length, hop_length, window_length): argument 59 return np.fft.rfft(frames * window, fft_length) 62 def _np_inverse_stft(stft, fft_length, hop_length, window_length): argument 63 frames = np.fft.irfft(stft, fft_length) 82 def _compare(self, signal, frame_length, frame_step, fft_length): argument 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/ |
D | spectral_ops_test.cc | 75 Tensor fft_length = test::AsTensor<int32>({10}); in TEST() local 76 op.input_tensors[1] = &fft_length; in TEST() 89 fft_length = test::AsTensor<int32>({11}); in TEST() 100 fft_length = test::AsTensor<int32>({12}); in TEST() 135 Tensor fft_length = test::AsTensor<int32>({9, 10}); in TEST() local 136 op.input_tensors[1] = &fft_length; in TEST() 149 fft_length = test::AsTensor<int32>({10, 11}); in TEST() 160 fft_length = test::AsTensor<int32>({11, 12}); in TEST() 195 Tensor fft_length = test::AsTensor<int32>({10, 11, 12}); in TEST() local 196 op.input_tensors[1] = &fft_length; in TEST() [all …]
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | 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
|
D | 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
|
D | 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
|
D | 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
|
D | 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
|
D | 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
|
/external/tensorflow/tensorflow/tools/api/golden/v1/ |
D | tensorflow.signal.pbtxt | 49 …argspec: "args=[\'stfts\', \'frame_length\', \'frame_step\', \'fft_length\', \'window_fn\', \'name… 57 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 61 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 65 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 81 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 85 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 89 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 93 …argspec: "args=[\'signals\', \'frame_length\', \'frame_step\', \'fft_length\', \'window_fn\', \'pa…
|
D | tensorflow.spectral.pbtxt | 37 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 41 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 45 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 49 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 53 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 57 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults…
|
/external/tensorflow/tensorflow/tools/api/golden/v2/ |
D | tensorflow.signal.pbtxt | 49 …argspec: "args=[\'stfts\', \'frame_length\', \'frame_step\', \'fft_length\', \'window_fn\', \'name… 57 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 61 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 65 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 81 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 85 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 89 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 93 …argspec: "args=[\'signals\', \'frame_length\', \'frame_step\', \'fft_length\', \'window_fn\', \'pa…
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | fft_ops.cc | 52 std::vector<int64> fft_length; in Compile() local 55 OP_REQUIRES_OK(ctx, ctx->ConstantInputAsIntVector(1, &fft_length)); in Compile() 56 OP_REQUIRES(ctx, fft_length.size() == fft_rank_, in Compile() 63 std::vector<int64> expected_sizes = fft_length; in Compile() 66 expected_sizes[fft_rank_ - 1] = fft_length[fft_rank_ - 1] / 2 + 1; in Compile() 93 fft_length.push_back( in Compile() 98 xla::XlaOp fft = xla::Fft(input, fft_type_, fft_length); in Compile()
|
/external/tensorflow/tensorflow/compiler/xla/service/gpu/ |
D | fft_thunk.cc | 95 FftThunk::FftThunk(FftType fft_type, absl::Span<const int64> fft_length, in FftThunk() argument 102 fft_length_(fft_length.begin(), fft_length.end()), in FftThunk() 128 uint64 fft_length[3]; in ExecuteOnStream() local 138 fft_length[i] = static_cast<uint64>(fft_length_[i]); in ExecuteOnStream() 148 stream, fft_rank, fft_length, input_embed, input_stride, in ExecuteOnStream()
|
D | fft_thunk.h | 65 FftThunk(FftType fft_type, absl::Span<const int64> fft_length,
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | fft_test.py | 136 lambda x: signal.rfft(x, fft_length=[x.shape[-1].value])) 142 x, fft_length=[x.shape[-2].value, x.shape[-1].value]) 157 fft_length=[x.shape[-3].value, x.shape[-2].value, x.shape[-1].value]) 172 fft_length=[ 181 return signal.irfft(x, fft_length=[2 * (x.shape[-1].value - 1)]) 191 x, fft_length=[x.shape[-2].value, 2 * (x.shape[-1].value - 1)]) 216 fft_length=[ 239 fft_length=[
|
/external/webrtc/webrtc/common_audio/ |
D | real_fourier_ooura.cc | 30 size_t ComputeWorkIpSize(size_t fft_length) { in ComputeWorkIpSize() argument 32 static_cast<float>(fft_length)))); in ComputeWorkIpSize()
|
/external/tensorflow/tensorflow/core/kernels/ |
D | fft_ops.cc | 57 const Tensor& fft_length = ctx->input(1); in Compute() local 59 fft_length.shape().dims() == 1 && in Compute() 60 fft_length.shape().dim_size(0) == fft_rank, in Compute() 64 auto fft_length_as_vec = fft_length.vec<int32>(); in Compute()
|
/external/tensorflow/tensorflow/compiler/xla/service/ |
D | shape_inference.cc | 1820 const absl::Span<const int64> fft_length) { in InferFftShape() argument 1821 const int64 fft_rank = fft_length.size(); in InferFftShape() 1850 fft_length[i]) { in InferFftShape() 1856 fft_length[i]); in InferFftShape() 1864 fft_length[fft_rank - 1] / 2 + 1); in InferFftShape() 1876 fft_length[i]) { in InferFftShape() 1882 fft_length[i]); in InferFftShape() 1886 fft_length[fft_rank - 1] / 2 + 1) { in InferFftShape() 1891 fft_length[fft_rank - 1] / 2 + 1); in InferFftShape() 1894 fft_length[fft_rank - 1]); in InferFftShape()
|
D | shape_inference.h | 117 absl::Span<const int64> fft_length);
|
D | hlo_instruction.cc | 161 std::vector<int64> fft_length(proto.fft_length().begin(), in CreateFromProto() local 162 proto.fft_length().end()); in CreateFromProto() 164 absl::Span<const int64>(fft_length)); in CreateFromProto() 792 absl::Span<const int64> fft_length) { in CreateFft() argument 794 fft_length); in CreateFft() 3226 const std::vector<int64>& HloInstruction::fft_length() const { in fft_length() function in xla::HloInstruction 3227 return Cast<HloFftInstruction>(this)->fft_length(); in fft_length()
|
D | hlo_instructions.cc | 167 absl::Span<const int64> fft_length) in HloFftInstruction() argument 169 fft_length_.assign(fft_length.begin(), fft_length.end()); in HloFftInstruction() 185 StrCat("fft_length={", StrJoin(fft_length(), ","), "}")}; in ExtraAttributesToStringImpl() 194 fft_length() == casted_other.fft_length(); in IdenticalSlowPath()
|