You can not select more than 25 topics
Topics must start with a letter or number, can include dashes ('-') and can be up to 35 characters long.
267 lines
9.3 KiB
267 lines
9.3 KiB
3 years ago
|
# Copyright (c) 2021 PaddlePaddle Authors. All Rights Reserved.
|
||
|
#
|
||
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
||
|
# you may not use this file except in compliance with the License.
|
||
|
# You may obtain a copy of the License at
|
||
|
#
|
||
|
# http://www.apache.org/licenses/LICENSE-2.0
|
||
|
#
|
||
|
# Unless required by applicable law or agreed to in writing, software
|
||
|
# distributed under the License is distributed on an "AS IS" BASIS,
|
||
|
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
||
|
# See the License for the specific language governing permissions and
|
||
|
# limitations under the License.
|
||
3 years ago
|
# Modified from librosa(https://github.com/librosa/librosa)
|
||
3 years ago
|
import math
|
||
3 years ago
|
from typing import Optional
|
||
|
from typing import Union
|
||
|
|
||
3 years ago
|
import paddle
|
||
3 years ago
|
from paddle import Tensor
|
||
3 years ago
|
|
||
3 years ago
|
__all__ = [
|
||
|
'hz_to_mel',
|
||
|
'mel_to_hz',
|
||
|
'mel_frequencies',
|
||
3 years ago
|
'fft_frequencies',
|
||
3 years ago
|
'compute_fbank_matrix',
|
||
3 years ago
|
'power_to_db',
|
||
|
'create_dct',
|
||
3 years ago
|
]
|
||
|
|
||
|
|
||
3 years ago
|
def hz_to_mel(freq: Union[Tensor, float],
|
||
|
htk: bool=False) -> Union[Tensor, float]:
|
||
3 years ago
|
"""Convert Hz to Mels.
|
||
3 years ago
|
|
||
|
Args:
|
||
|
freq (Union[Tensor, float]): The input tensor with arbitrary shape.
|
||
|
htk (bool, optional): Use htk scaling. Defaults to False.
|
||
|
|
||
3 years ago
|
Returns:
|
||
3 years ago
|
Union[Tensor, float]: Frequency in mels.
|
||
3 years ago
|
"""
|
||
|
|
||
|
if htk:
|
||
3 years ago
|
if isinstance(freq, Tensor):
|
||
3 years ago
|
return 2595.0 * paddle.log10(1.0 + freq / 700.0)
|
||
|
else:
|
||
|
return 2595.0 * math.log10(1.0 + freq / 700.0)
|
||
3 years ago
|
|
||
|
# Fill in the linear part
|
||
|
f_min = 0.0
|
||
|
f_sp = 200.0 / 3
|
||
|
|
||
|
mels = (freq - f_min) / f_sp
|
||
|
|
||
|
# Fill in the log-scale part
|
||
|
|
||
|
min_log_hz = 1000.0 # beginning of log region (Hz)
|
||
|
min_log_mel = (min_log_hz - f_min) / f_sp # same (Mels)
|
||
3 years ago
|
logstep = math.log(6.4) / 27.0 # step size for log region
|
||
|
|
||
3 years ago
|
if isinstance(freq, Tensor):
|
||
3 years ago
|
target = min_log_mel + paddle.log(
|
||
|
freq / min_log_hz + 1e-10) / logstep # prevent nan with 1e-10
|
||
|
mask = (freq > min_log_hz).astype(freq.dtype)
|
||
|
mels = target * mask + mels * (
|
||
|
1 - mask) # will replace by masked_fill OP in future
|
||
|
else:
|
||
|
if freq >= min_log_hz:
|
||
|
mels = min_log_mel + math.log(freq / min_log_hz + 1e-10) / logstep
|
||
3 years ago
|
|
||
|
return mels
|
||
|
|
||
|
|
||
3 years ago
|
def mel_to_hz(mel: Union[float, Tensor],
|
||
|
htk: bool=False) -> Union[float, Tensor]:
|
||
3 years ago
|
"""Convert mel bin numbers to frequencies.
|
||
3 years ago
|
|
||
|
Args:
|
||
|
mel (Union[float, Tensor]): The mel frequency represented as a tensor with arbitrary shape.
|
||
|
htk (bool, optional): Use htk scaling. Defaults to False.
|
||
|
|
||
3 years ago
|
Returns:
|
||
3 years ago
|
Union[float, Tensor]: Frequencies in Hz.
|
||
3 years ago
|
"""
|
||
|
if htk:
|
||
3 years ago
|
return 700.0 * (10.0**(mel / 2595.0) - 1.0)
|
||
3 years ago
|
|
||
|
f_min = 0.0
|
||
|
f_sp = 200.0 / 3
|
||
3 years ago
|
freqs = f_min + f_sp * mel
|
||
3 years ago
|
# And now the nonlinear scale
|
||
|
min_log_hz = 1000.0 # beginning of log region (Hz)
|
||
|
min_log_mel = (min_log_hz - f_min) / f_sp # same (Mels)
|
||
3 years ago
|
logstep = math.log(6.4) / 27.0 # step size for log region
|
||
3 years ago
|
if isinstance(mel, Tensor):
|
||
3 years ago
|
target = min_log_hz * paddle.exp(logstep * (mel - min_log_mel))
|
||
|
mask = (mel > min_log_mel).astype(mel.dtype)
|
||
|
freqs = target * mask + freqs * (
|
||
|
1 - mask) # will replace by masked_fill OP in future
|
||
|
else:
|
||
|
if mel >= min_log_mel:
|
||
|
freqs = min_log_hz * math.exp(logstep * (mel - min_log_mel))
|
||
3 years ago
|
|
||
|
return freqs
|
||
|
|
||
|
|
||
3 years ago
|
def mel_frequencies(n_mels: int=64,
|
||
|
f_min: float=0.0,
|
||
|
f_max: float=11025.0,
|
||
|
htk: bool=False,
|
||
3 years ago
|
dtype: str='float32') -> Tensor:
|
||
3 years ago
|
"""Compute mel frequencies.
|
||
3 years ago
|
|
||
|
Args:
|
||
|
n_mels (int, optional): Number of mel bins. Defaults to 64.
|
||
|
f_min (float, optional): Minimum frequency in Hz. Defaults to 0.0.
|
||
|
fmax (float, optional): Maximum frequency in Hz. Defaults to 11025.0.
|
||
|
htk (bool, optional): Use htk scaling. Defaults to False.
|
||
|
dtype (str, optional): The data type of the return frequencies. Defaults to 'float32'.
|
||
|
|
||
3 years ago
|
Returns:
|
||
3 years ago
|
Tensor: Tensor of n_mels frequencies in Hz with shape `(n_mels,)`.
|
||
3 years ago
|
"""
|
||
|
# 'Center freqs' of mel bands - uniformly spaced between limits
|
||
3 years ago
|
min_mel = hz_to_mel(f_min, htk=htk)
|
||
|
max_mel = hz_to_mel(f_max, htk=htk)
|
||
|
mels = paddle.linspace(min_mel, max_mel, n_mels, dtype=dtype)
|
||
|
freqs = mel_to_hz(mels, htk=htk)
|
||
|
return freqs
|
||
3 years ago
|
|
||
|
|
||
3 years ago
|
def fft_frequencies(sr: int, n_fft: int, dtype: str='float32') -> Tensor:
|
||
3 years ago
|
"""Compute fourier frequencies.
|
||
3 years ago
|
|
||
|
Args:
|
||
|
sr (int): Sample rate.
|
||
|
n_fft (int): Number of fft bins.
|
||
|
dtype (str, optional): The data type of the return frequencies. Defaults to 'float32'.
|
||
|
|
||
3 years ago
|
Returns:
|
||
3 years ago
|
Tensor: FFT frequencies in Hz with shape `(n_fft//2 + 1,)`.
|
||
3 years ago
|
"""
|
||
3 years ago
|
return paddle.linspace(0, float(sr) / 2, int(1 + n_fft // 2), dtype=dtype)
|
||
3 years ago
|
|
||
|
|
||
|
def compute_fbank_matrix(sr: int,
|
||
|
n_fft: int,
|
||
3 years ago
|
n_mels: int=64,
|
||
|
f_min: float=0.0,
|
||
|
f_max: Optional[float]=None,
|
||
3 years ago
|
htk: bool=False,
|
||
3 years ago
|
norm: Union[str, float]='slaney',
|
||
3 years ago
|
dtype: str='float32') -> Tensor:
|
||
3 years ago
|
"""Compute fbank matrix.
|
||
3 years ago
|
|
||
|
Args:
|
||
|
sr (int): Sample rate.
|
||
|
n_fft (int): Number of fft bins.
|
||
|
n_mels (int, optional): Number of mel bins. Defaults to 64.
|
||
|
f_min (float, optional): Minimum frequency in Hz. Defaults to 0.0.
|
||
|
f_max (Optional[float], optional): Maximum frequency in Hz. Defaults to None.
|
||
|
htk (bool, optional): Use htk scaling. Defaults to False.
|
||
|
norm (Union[str, float], optional): Type of normalization. Defaults to 'slaney'.
|
||
|
dtype (str, optional): The data type of the return matrix. Defaults to 'float32'.
|
||
|
|
||
3 years ago
|
Returns:
|
||
3 years ago
|
Tensor: Mel transform matrix with shape `(n_mels, n_fft//2 + 1)`.
|
||
3 years ago
|
"""
|
||
|
|
||
3 years ago
|
if f_max is None:
|
||
|
f_max = float(sr) / 2
|
||
3 years ago
|
|
||
|
# Initialize the weights
|
||
3 years ago
|
weights = paddle.zeros((n_mels, int(1 + n_fft // 2)), dtype=dtype)
|
||
3 years ago
|
|
||
|
# Center freqs of each FFT bin
|
||
3 years ago
|
fftfreqs = fft_frequencies(sr=sr, n_fft=n_fft, dtype=dtype)
|
||
3 years ago
|
|
||
|
# 'Center freqs' of mel bands - uniformly spaced between limits
|
||
3 years ago
|
mel_f = mel_frequencies(
|
||
|
n_mels + 2, f_min=f_min, f_max=f_max, htk=htk, dtype=dtype)
|
||
3 years ago
|
|
||
3 years ago
|
fdiff = mel_f[1:] - mel_f[:-1] #np.diff(mel_f)
|
||
|
ramps = mel_f.unsqueeze(1) - fftfreqs.unsqueeze(0)
|
||
|
#ramps = np.subtract.outer(mel_f, fftfreqs)
|
||
3 years ago
|
|
||
|
for i in range(n_mels):
|
||
|
# lower and upper slopes for all bins
|
||
|
lower = -ramps[i] / fdiff[i]
|
||
|
upper = ramps[i + 2] / fdiff[i + 1]
|
||
|
|
||
|
# .. then intersect them with each other and zero
|
||
3 years ago
|
weights[i] = paddle.maximum(
|
||
|
paddle.zeros_like(lower), paddle.minimum(lower, upper))
|
||
3 years ago
|
|
||
3 years ago
|
# Slaney-style mel is scaled to be approx constant energy per channel
|
||
|
if norm == 'slaney':
|
||
3 years ago
|
enorm = 2.0 / (mel_f[2:n_mels + 2] - mel_f[:n_mels])
|
||
3 years ago
|
weights *= enorm.unsqueeze(1)
|
||
|
elif isinstance(norm, int) or isinstance(norm, float):
|
||
|
weights = paddle.nn.functional.normalize(weights, p=norm, axis=-1)
|
||
3 years ago
|
|
||
|
return weights
|
||
|
|
||
|
|
||
3 years ago
|
def power_to_db(spect: Tensor,
|
||
3 years ago
|
ref_value: float=1.0,
|
||
3 years ago
|
amin: float=1e-10,
|
||
3 years ago
|
top_db: Optional[float]=None) -> Tensor:
|
||
|
"""Convert a power spectrogram (amplitude squared) to decibel (dB) units. The function computes the scaling `10 * log10(x / ref)` in a numerically stable way.
|
||
|
|
||
|
Args:
|
||
|
spect (Tensor): STFT power spectrogram.
|
||
|
ref_value (float, optional): The reference value. If smaller than 1.0, the db level of the signal will be pulled up accordingly. Otherwise, the db level is pushed down. Defaults to 1.0.
|
||
|
amin (float, optional): Minimum threshold. Defaults to 1e-10.
|
||
|
top_db (Optional[float], optional): Threshold the output at `top_db` below the peak. Defaults to None.
|
||
|
|
||
3 years ago
|
Returns:
|
||
3 years ago
|
Tensor: Power spectrogram in db scale.
|
||
3 years ago
|
"""
|
||
|
if amin <= 0:
|
||
3 years ago
|
raise Exception("amin must be strictly positive")
|
||
3 years ago
|
|
||
3 years ago
|
if ref_value <= 0:
|
||
|
raise Exception("ref_value must be strictly positive")
|
||
3 years ago
|
|
||
3 years ago
|
ones = paddle.ones_like(spect)
|
||
|
log_spec = 10.0 * paddle.log10(paddle.maximum(ones * amin, spect))
|
||
3 years ago
|
log_spec -= 10.0 * math.log10(max(ref_value, amin))
|
||
3 years ago
|
|
||
|
if top_db is not None:
|
||
|
if top_db < 0:
|
||
3 years ago
|
raise Exception("top_db must be non-negative")
|
||
|
log_spec = paddle.maximum(log_spec, ones * (log_spec.max() - top_db))
|
||
3 years ago
|
|
||
|
return log_spec
|
||
|
|
||
|
|
||
3 years ago
|
def create_dct(n_mfcc: int,
|
||
|
n_mels: int,
|
||
|
norm: Optional[str]='ortho',
|
||
3 years ago
|
dtype: str='float32') -> Tensor:
|
||
3 years ago
|
"""Create a discrete cosine transform(DCT) matrix.
|
||
|
|
||
3 years ago
|
Args:
|
||
3 years ago
|
n_mfcc (int): Number of mel frequency cepstral coefficients.
|
||
|
n_mels (int): Number of mel filterbanks.
|
||
3 years ago
|
norm (Optional[str], optional): Normalizaiton type. Defaults to 'ortho'.
|
||
|
dtype (str, optional): The data type of the return matrix. Defaults to 'float32'.
|
||
|
|
||
3 years ago
|
Returns:
|
||
3 years ago
|
Tensor: The DCT matrix with shape `(n_mels, n_mfcc)`.
|
||
3 years ago
|
"""
|
||
3 years ago
|
n = paddle.arange(n_mels, dtype=dtype)
|
||
|
k = paddle.arange(n_mfcc, dtype=dtype).unsqueeze(1)
|
||
|
dct = paddle.cos(math.pi / float(n_mels) * (n + 0.5) *
|
||
|
k) # size (n_mfcc, n_mels)
|
||
|
if norm is None:
|
||
|
dct *= 2.0
|
||
3 years ago
|
else:
|
||
3 years ago
|
assert norm == "ortho"
|
||
|
dct[0] *= 1.0 / math.sqrt(2.0)
|
||
|
dct *= math.sqrt(2.0 / float(n_mels))
|
||
|
return dct.T
|