/external/tensorflow/tensorflow/python/ops/signal/ |
D | fft_ops.py | 53 fft_length = _array_ops.unstack(_array_ops.shape(input_tensor)[-fft_rank:]) 54 fft_length[-1] = _math_ops.maximum(0, 2 * (fft_length[-1] - 1)) 55 return _array_ops.stack(fft_length) 58 fft_length = fft_shape.as_list() 59 if fft_length: 60 fft_length[-1] = max(0, 2 * (fft_length[-1] - 1)) 61 return _ops.convert_to_tensor(fft_length, _dtypes.int32) 64 def _maybe_pad_for_rfft(input_tensor, fft_rank, fft_length, is_reverse=False): argument 66 fft_shape = _tensor_util.constant_value_as_shape(fft_length) 100 outer_paddings = _array_ops.zeros([outer_dims], fft_length.dtype) [all …]
|
D | spectral_ops.py | 40 def stft(signals, frame_length, frame_step, fft_length=None, argument 81 if fft_length is None: 82 fft_length = _enclosing_power_of_two(frame_length) 84 fft_length = ops.convert_to_tensor(fft_length, name='fft_length') 96 return fft_ops.rfft(framed_signals, [fft_length]) 164 fft_length=None, argument 233 if fft_length is None: 234 fft_length = _enclosing_power_of_two(frame_length) 236 fft_length = ops.convert_to_tensor(fft_length, name='fft_length') 237 fft_length.shape.assert_has_rank(0) [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/python/kernel_tests/signal/ |
D | fft_ops_test.py | 46 def _compare(self, x, rank, fft_length=None, use_placeholder=False, argument 48 self._compare_forward(x, rank, fft_length, use_placeholder, rtol, atol) 49 self._compare_backward(x, rank, fft_length, use_placeholder, rtol, atol) 51 def _compare_forward(self, x, rank, fft_length=None, use_placeholder=False, argument 56 x_np = self._np_fft(x, rank, fft_length) 59 x_tf = self._tf_fft(x_ph, rank, fft_length, feed_dict={x_ph: x}) 61 x_tf = self._tf_fft(x, rank, fft_length) 65 def _compare_backward(self, x, rank, fft_length=None, use_placeholder=False, argument 70 x_np = self._np_ifft(x, rank, fft_length) 73 x_tf = self._tf_ifft(x_ph, rank, fft_length, feed_dict={x_ph: x}) [all …]
|
D | spectral_ops_test.py | 61 def _np_stft(data, fft_length, hop_length, window_length): argument 64 return np.fft.rfft(frames * window, fft_length) 67 def _np_inverse_stft(stft, fft_length, hop_length, window_length): argument 68 frames = np.fft.irfft(stft, fft_length) 87 def _compare(self, signal, frame_length, frame_step, fft_length, tol): argument 89 signal, frame_length, frame_step, fft_length, pad_end=False) 92 signal_ph, frame_length, frame_step, fft_length, pad_end=False) 95 actual_stft, frame_length, frame_step, fft_length) 104 actual_stft_ph, frame_length, frame_step, fft_length)) 112 signal, fft_length, frame_step, frame_length) [all …]
|
/external/tensorflow/tensorflow/lite/kernels/ |
D | rfft2d.cc | 111 const TfLiteTensor* fft_length; in ResizeOutputandTemporaryTensors() local 113 GetInputSafe(context, node, kFftLengthTensor, &fft_length)); in ResizeOutputandTemporaryTensors() 114 const int32_t* fft_length_data = GetTensorData<int32_t>(fft_length); in ResizeOutputandTemporaryTensors() 184 const TfLiteTensor* fft_length; in Prepare() local 186 GetInputSafe(context, node, kFftLengthTensor, &fft_length)); in Prepare() 187 const RuntimeShape fft_length_shape = GetTensorShape(fft_length); in Prepare() 189 TF_LITE_ENSURE_EQ(context, NumDimensions(fft_length), 1); in Prepare() 191 if (fft_length->type != kTfLiteInt32) { in Prepare() 194 TfLiteTypeGetName(fft_length->type)); in Prepare() 210 if (!IsConstantTensor(fft_length)) { in Prepare() [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_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_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_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.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…
|
D | tensorflow.signal.pbtxt | 61 …argspec: "args=[\'stfts\', \'frame_length\', \'frame_step\', \'fft_length\', \'window_fn\', \'name… 69 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 73 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 77 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 105 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 109 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 113 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 117 …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/tools/api/golden/v2/ |
D | tensorflow.signal.pbtxt | 61 …argspec: "args=[\'stfts\', \'frame_length\', \'frame_step\', \'fft_length\', \'window_fn\', \'name… 69 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 73 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 77 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 105 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 109 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 113 …argspec: "args=[\'input_tensor\', \'fft_length\', \'name\'], varargs=None, keywords=None, defaults… 117 …argspec: "args=[\'signals\', \'frame_length\', \'frame_step\', \'fft_length\', \'window_fn\', \'pa…
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | fft_test.py | 139 return signal.rfft(x, fft_length=[x.shape[-1]]) 146 return signal.rfft2d(x, fft_length=[x.shape[-2], x.shape[-1]]) 160 x, fft_length=[x.shape[-3], x.shape[-2], x.shape[-1]]) 174 x, fft_length=[x.shape[-3] // 2, x.shape[-2], x.shape[-1] * 2]) 181 return signal.irfft(x, fft_length=[2 * (x.shape[-1] - 1)]) 190 return signal.irfft2d(x, fft_length=[x.shape[-2], 2 * (x.shape[-1] - 1)]) 214 x, fft_length=[x.shape[-3], x.shape[-2], 2 * (x.shape[-1] - 1)]) 234 x, fft_length=[x.shape[-3] // 2, x.shape[-2], x.shape[-1] * 2])
|
/external/tensorflow/tensorflow/compiler/xla/service/gpu/ |
D | fft_thunk.cc | 102 absl::Span<const int64> fft_length, in FftThunk() argument 110 fft_length_(fft_length.begin(), fft_length.end()), in FftThunk() 152 uint64 fft_length[3]; in ExecuteOnStream() local 162 fft_length[i] = static_cast<uint64>(fft_length_[i]); in ExecuteOnStream() 171 &stream, fft_rank, fft_length, input_embed, input_stride, in ExecuteOnStream()
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v1/ |
D | IRFFT2D.pbtxt | 8 name: "fft_length" 23 name: "fft_length"
|
D | IRFFT3D.pbtxt | 8 name: "fft_length" 23 name: "fft_length"
|
D | RFFT.pbtxt | 8 name: "fft_length" 23 name: "fft_length"
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v2/ |
D | IRFFT3D.pbtxt | 8 name: "fft_length" 23 name: "fft_length"
|
D | RFFT2D.pbtxt | 8 name: "fft_length" 23 name: "fft_length"
|
D | IRFFT2D.pbtxt | 8 name: "fft_length" 23 name: "fft_length"
|
D | RFFT3D.pbtxt | 8 name: "fft_length" 23 name: "fft_length"
|