Periodograms - periodogram estimation
Basic functions
Common procedures like computing the short-time Fourier transform, periodograms, and spectrograms are documented below.
DSP.Periodograms.arraysplit — Functionarraysplit(s, n, noverlap, nfft=n, window=nothing; buffer=zeros(eltype(s), nfft))Split an array s into arrays of length n with overlapping regions of length noverlap.
Arguments
s: Input array.n: Specifies the required subarray length (n ≤ length(s)).noverlap: Number of overlapping elements between subarrays.nfft: Specifies the length of the split arrays. Iflength(s)<nfft, then the input is padded with zeros.window: An optional scaling vector to be applied to the split arrays.buffer: An optional buffer of lengthnfft. Iterating or indexing the returned AbstractVector always yields the same Vector with different contents. The last result after iteration or indexing calls is stored into buffer.
Returns
An ArraySplit object with split subarrays.
Examples
julia> arraysplit([0.1, 0.2, 0.3, 0.4, 0.5], 3, 1)
2-element DSP.Periodograms.ArraySplit{Vector{Float64}, Float64, Nothing}:
[0.1, 0.2, 0.3]
[0.3, 0.4, 0.5]
julia> arraysplit([0.1, 0.2, 0.3, 0.4, 0.5], 3, 2, 8)
3-element DSP.Periodograms.ArraySplit{Vector{Float64}, Float64, Nothing}:
[0.1, 0.2, 0.3, 0.0, 0.0, 0.0, 0.0, 0.0]
[0.2, 0.3, 0.4, 0.0, 0.0, 0.0, 0.0, 0.0]
[0.3, 0.4, 0.5, 0.0, 0.0, 0.0, 0.0, 0.0]
julia> arraysplit([0.1, 0.2, 0.3, 0.4, 0.5], 3, 1, 3, [1, 2, 1])
2-element DSP.Periodograms.ArraySplit{Vector{Float64}, Float64, Vector{Int64}}:
[0.1, 0.4, 0.3]
[0.3, 0.8, 0.5]arraysplit function with buffer
julia> x = [1, 2, 3, 4, 5];
julia> sub_arr, n_overlap, nfft = 3, 1, 3;
julia> x_split = arraysplit(x, sub_arr, n_overlap, nfft, nothing; buffer=zeros(nfft));
julia> x_split[2] # Returns AbstractVector result and stores it in ArraySplit.buf and buffer
3-element Vector{Float64}:
3.0
4.0
5.0
julia> x_split.buf # Returns stored results from previous x_split[2] call
3-element Vector{Float64}:
3.0
4.0
5.0DSP.Periodograms.ArraySplit — TypeArraySplit{T<:AbstractVector,S,W} <: AbstractVector{Vector{S}}ArraySplit object with fields
s::Tbuf::Vector{S}n::Intnoverlap::Intwindow::Wk::Int
where buf: buffer, k: number of split arrays, and s, n, noverlap, window are as per arguments in arraysplit.
DSP.Periodograms.periodogram — Functionperiodogram(s::AbstractVector; onesided=eltype(s)<:Real, nfft=nextfastfft(length(s)), fs=1, window=nothing)Computes periodogram of a 1-d signal s by FFT and returns a Periodogram object.
Arguments
onesided: For real signals, the two-sided periodogram is symmetric and this function returns a one-sided (real only) periodogram by default. A two-sided periodogram can be obtained by settingonesided=false.nfft: Specifies the number of points to use for the Fourier transform. Iflength(s)<nfft, then the input is padded with zeros. By default,nfftis the closest size for which the Fourier transform can be computed with maximal efficiency.fs: The sample rate of the original signal.window: An optional window function or vector to be applied to the original signal before computing the Fourier transform. The computed periodogram is normalized so that the area under the periodogram is equal to the uncentered variance (or average power) of the original signal.
Returns
A Periodogram object with the 2 computed fields: power, freq.
Examples
Frequency estimate of cos(2π(25)t) with a 1-sided periodogram.
julia> Fs = 100; # Sampling frequency
julia> t = (1:Fs)/Fs; # 100 time samples
julia> x = cos.(2π*25*t); # Cosine signal with 25Hz frequency
julia> pxx = periodogram(x; fs=Fs); # Periodogram
julia> _, max_index = findmax(pxx.power); # Find index of max power
julia> pxx.power[max_index], pxx.freq[max_index] # (power, frequency)
(0.5, 25.0)2-sided periodogram of a rectangle function with Hamming window.
julia> x = rect(50; padding=50); # Rectangular pulse function
julia> pxx = periodogram(x; onesided=false, nfft=512, fs=1000, window=hamming);
julia> round(maximum(pxx.power), digits=4) # Expect max power to be close to 0Hz for a DC signal
0.0182periodogram(s::AbstractMatrix; nfft::NTuple{2,Int}=nextfastfft(size(s)), fs=1, radialsum=false, radialavg=false)Computes periodogram of a 2-d signal using the 2-d FFT and returns a Periodogram2 or Periodogram object.
Arguments
nfft: A 2-tuple specifying the number of points to use for the Fourier transform for each respective dimension. Ifsize(s)<nfft, then the input is padded with zeros. By default,nfftis the closest size for which the Fourier transform can be computed with maximal efficiency.fs: The sample rate of the original signal in both directions.radialsum: Forradialsum=true, the value ofpower[k]is proportional to $\frac{1}{N}\sum_{k\leq |k'|<k+1} |X[k']|^2$.radialavg: Forradialavg=true, the value ofpower[k]is proportional to $\frac{1}{N \#\{k\leq |k'|<k+1\}} \sum_{k\leq |k'|<k+1} |X[k']|^2$. The computation of|k'|takes into account non-square signals by scaling the coordinates of the wavevector accordingly.
Returns
- A
Periodogram2object by default with the 3 computed fields: power, freq1, freq2. - A
Periodogramobject is returned for a radially summed or averaged periodogram (ifradialsumorradialavgis true, respectively). Only one ofradialsumorradialavgcan be set totruein the function.
Examples
julia> x = [1 1; 0 1; 0 0];
julia> pxx = periodogram(x; nfft=(3, 2)); # Returns Periodogram2
julia> power(pxx)
3×2 Matrix{Float64}:
1.5 0.166667
0.5 0.166667
0.5 0.166667
julia> freq(pxx)
([0.0, 0.3333333333333333, -0.3333333333333333], [0.0, -0.5])Radial sum and radial average periodograms
julia> x = [1 3; 0 1];
julia> periodogram(x; radialsum=true) # Returns Periodogram
DSP.Periodograms.Periodogram{Float64, AbstractFFTs.Frequencies{Float64}, Vector{Float64}}([6.25, 4.75], [0.0, 0.5])
julia> periodogram(x; radialavg=true) # Returns Periodogram
DSP.Periodograms.Periodogram{Float64, AbstractFFTs.Frequencies{Float64}, Vector{Float64}}([6.25, 1.5833333333333333], [0.0, 0.5])DSP.Periodograms.Periodogram — TypePeriodogram{T, F<:Union{Frequencies,AbstractRange}, V<:AbstractVector{T}} <: TFR{T}A Periodogram object with fields:
power::Vfreq::F.
DSP.Periodograms.Periodogram2 — TypePeriodogram2{T, F1<:Union{Frequencies,AbstractRange}, F2<:Union{Frequencies,AbstractRange}, M<:AbstractMatrix{T}} <: TFR{T}A Periodogram2 object with fields:
power::Mfreq1::F1freq2::F2
DSP.Periodograms.welch_pgram — Functionwelch_pgram(s::AbstractVector, n=div(length(s), 8), noverlap=div(n, 2); onesided=eltype(s)<:Real,
nfft=nextfastfft(n), fs=1, window)Computes the Welch periodogram of a signal s based on segments with n samples with overlap of noverlap samples, and returns a Periodogram object.
welch_pgram by default divides s into 8 segments with 50% overlap between them. For a Bartlett periodogram, set noverlap=0.
See periodogram for description of optional keyword arguments.
Examples
julia> x = rect(10; padding=20);
julia> power(welch_pgram(x; window=nothing)) # 1-sided periodogram
2-element Vector{Float64}:
0.9523809523809523
0.04761904761904761
julia> power(welch_pgram(x; onesided=false, window=nothing)) # 2-sided periodogram
3-element Vector{Float64}:
0.9523809523809523
0.023809523809523805
0.023809523809523805
julia> power(welch_pgram(x, 5; onesided=false, window=hanning)) # 5 samples segment
5-element Vector{Float64}:
0.8888888888888888
0.3807834425694269
0.008105446319461968
0.008105446319461968
0.3807834425694269
welch_pgram with $x = sin(2π(100)t) + 2sin(2π(150)t) + noise$
julia> Fs = 1000; # Sampling frequency
julia> t = (1:Fs)/Fs; # 1000 time samples
julia> f = [100 150]; # 100Hz & 150Hz frequencies
julia> A = [1; 2]; # Amplitudes
julia> x = sin.(2π*f.*t)*A + randn(1000); # Noise corrupted x signal
julia> pxx = welch_pgram(x, 100; fs=Fs, nfft=512, window=hamming);welch_pgram(s::AbstractVector, config::WelchConfig)Computes the Welch periodogram of the given signal s using a predefined WelchConfig object.
Examples
julia> x = rect(10; padding=20);
julia> wconfig = WelchConfig(x; fs=1000, window=hamming);
julia> welch_pgram(x, wconfig);DSP.Periodograms.welch_pgram! — Functionwelch_pgram!(out::AbstractVector, s::AbstractVector, n=div(length(s), 8),
noverlap=div(n, 2); onesided=eltype(s)<:Real, nfft=nextfastfft(n),
fs=1, window=nothing)Computes the Welch periodogram of a signal s, based on segments with n samples with overlap of noverlap samples, and returns a Periodogram object. The Power Spectral Density (PSD) of Welch periodogram is stored in out.
welch_pgram! by default divides s into 8 segments with 50% overlap between them. For a Bartlett periodogram, set noverlap=0.
See periodogram for description of optional keyword arguments.
Examples
julia> Fs = 100; # Sampling frequency
julia> t = (1:Fs)/Fs; # 100 time samples
julia> x = cos.(2π*25*t); # Cosine signal with 25Hz frequency
julia> nfft = 512;
julia> y = vec(zeros(1, nfft));
julia> pxx = welch_pgram!(y, x, 10; onesided=false, nfft=nfft, fs=Fs);
julia> y == power(pxx)
truewelch_pgram!(out::AbstractVector, s::AbstractVector, config::WelchConfig)Computes the Welch periodogram of the given signal s, using a predefined WelchConfig object. The Power Spectral Density (PSD) of Welch periodogram is stored in out.
Examples
julia> Fs = 100; # Sampling frequency
julia> t = (1:Fs)/Fs; # 100 time samples
julia> x = cos.(2π*25*t); # Cosine signal with 25Hz frequency
julia> nfft = 512;
julia> y = vec(zeros(1, nfft));
julia> wconfig = WelchConfig(x; n=10, onesided=false, nfft=nfft, fs=Fs, window=hamming);
julia> pxx = welch_pgram!(y, x, wconfig);
julia> y == power(pxx)
trueDSP.Periodograms.spectrogram — Functionspectrogram(s, n=div(length(s), 8), noverlap=div(n, 2); onesided=eltype(s)<:Real, nfft=nextfastfft(n), fs=1, window=nothing)Computes the spectrogram of a signal s based on segments with n samples with overlap of noverlap samples, and returns a Spectrogram object.
spectrogram by default divides s into 8 segments with 50% overlap between them. See periodogram for description of optional keyword arguments.
The returned Spectrogram object stores the 3 computed fields: power, freq and time. See power, freq and time for further details.
Examples
julia> Fs = 1000;
julia> t = 0:1/Fs:1-1/Fs;
julia> x = sin.(2π*100*t.*t);
julia> spec = spectrogram(x; fs=Fs);
julia> size(power(spec))
(63, 14)
julia> size(freq(spec))
(63,)
julia> time(spec)
0.0625:0.063:0.8815DSP.Periodograms.Spectrogram — TypeSpectrogram{T, F<:Union{Frequencies,AbstractRange}, M<:AbstractMatrix{T}} <: TFR{T}A Spectrogram object with fields:
power::Mfreq::Ftime::Float64Range
DSP.Periodograms.stft — Functionstft(s, n=div(length(s), 8), noverlap=div(n, 2); onesided=eltype(s)<:Real, nfft=nextfastfft(n), fs=1, window=nothing)Computes the Short Time Fourier Transform (STFT) of a signal s based on segments with n samples with overlap of noverlap samples, and returns a matrix containing the STFT coefficients.
stft by default divides s into 8 segments with 50% overlap between them. See periodogram for description of optional keyword arguments.
The STFT computes the DFT over K sliding windows (segments) of the signal s. This returns a J x K matrix where J is the number of DFT coefficients and K the number of windowed segments. The kth column of the returned matrix contains the DFT coefficients for the kth segment.
Examples
julia> Fs = 1000;
julia> t = 0:1/Fs:5-1/Fs;
julia> x = sin.(2π*t.*t);
julia> size(stft(x; window=hamming))
(313, 14)
julia> size(stft(x, 500, 250; onesided=false, window=hanning))
(500, 19)DSP.Periodograms.freq — Functionfreq(p)Returns the frequency bin centers for a given Periodogram, Spectrogram, CrossPowerSpectra, or Coherence object.
Returns a tuple of frequency bin centers for a given Periodogram2 object.
Examples
julia> freq(periodogram([1, 2, 3]; fs=210))
2-element AbstractFFTs.Frequencies{Float64}:
0.0
70.0DSP.Periodograms.power — Functionpower(p)For a Periodogram, returns the computed power spectral density (PSD) as a Vector.
For a Spectrogram, returns the computed power spectral density (PSD) at each frequency and time bin as a Matrix. Dimensions are frequency × time.
For a CrossPowerSpectra, returns the pairwise cross power spectral density (CPSD) between each pair of channels at each frequency. Dimensions are channel x channel x frequency.
Examples
julia> power(periodogram([1, 2, 3]; fs=210))
2-element Vector{Float64}:
0.05714285714285714
0.009523809523809525Base.Libc.time — Functiontime(p)Returns the time bin centers for a given Spectrogram object.
Examples
julia> time(spectrogram(0:1/20:1; fs=8000))
0.000125:0.000125:0.0025DSP.Periodograms.coherence — Functioncoherence(c::Coherence)Given an Coherence object, returns an n_channels x n_channels x length(freq(c)) array consisting of the pairwise coherences between each channel for each frequency.
DSP.Periodograms.Coherence — TypeCoherence{T, F, A<:AbstractArray{T, 3}}Holds an n_channels x n_channels x length(freq) array consisting of the pairwise coherences between each channel for each frequency which is accessed by coherence, as well as the frequencies accessed by freq.
See also mt_coherence and mt_coherence!.
Multitaper periodogram estimation
DSP.Periodograms.mt_pgram — Functionmt_pgram(s; onesided=eltype(s)<:Real, nfft=nextfastfft(n), fs=1, nw=4, ntapers=iceil(2nw)-1, window=dpss(length(s), nw, ntapers))
mt_pgram(signal::AbstractVector, config::MTConfig)Computes the multitaper periodogram of a signal s.
If window is not specified, the signal is tapered with ntapers discrete prolate spheroidal sequences with time-bandwidth product nw. Each sequence is equally weighted; adaptive multitaper is not (yet) supported.
If window is specified, each column is applied as a taper. The sum of periodograms is normalized by the total sum of squares of window.
Returns a Periodogram.
DSP.Periodograms.mt_pgram! — Functionmt_pgram!(output, s::AbstractVector{T}; onesided::Bool=eltype(s)<:Real,
nfft::Int=nextfastfft(length(s)), fs::Real=1,
nw::Real=4, ntapers::Int=ceil(Int, 2nw)-1,
window::Union{AbstractMatrix,Nothing}=nothing) where T<:Number
mt_pgram!(output::AbstractVector, signal::AbstractVector, config::MTConfig) -> PeriodogramComputes a multitapered periodogram, storing the output in output. Arguments:
signal::AbstractVector: should be of lengthconfig.n_samplesoutput::AbstractVector: should be of lengthlength(config.freq)
Optionally pass an MTConfig object to preallocate temporary variables and choose configuration settings; otherwise, keyword arguments may be passed to choose those settings.
Returns a Periodogram.
DSP.Periodograms.mt_spectrogram — Functionmt_spectrogram(signal::AbstractVector{T}, n::Int=length(s) >> 3,
n_overlap::Int=n >> 1; fs=1,
onesided::Bool=T <: Real, kwargs...) where {T}
mt_spectrogram(signal::AbstractVector, config::MTSpectrogramConfig)Compute a multitaper spectrogram, returning a Spectrogram object. Optionally pass a MTSpectrogramConfig object; otherwise, any additional keyword arguments accepted by MTConfig may be passed to configure the tapering.
Returns a Spectrogram.
See also mt_spectrogram!.
DSP.Periodograms.mt_spectrogram! — Functionmt_spectrogram!(output, signal::AbstractVector{T}, n::Int=length(signal) >> 3,
n_overlap::Int=n >> 1; fs=1, onesided::Bool=T <: Real, kwargs...) where {T}
mt_spectrogram!(destination::AbstractMatrix, signal::AbstractVector, config::MTSpectrogramConfig)Computes a multitaper spectrogram using the parameters specified in config. Arguments:
destination:length(config.mt_config.freq)xlength(config.time)matrix. This can be created byDSP.allocate_output(config).signal: vector of lengthconfig.n_samplesconfig: optionally, pass anMTSpectrogramConfigobject to hold temporary variables and configuration settings. Otherwise, settings arguments may be passed directly.
Returns a Spectrogram.
See also mt_spectrogram.
DSP.Periodograms.mt_cross_power_spectra — Functionmt_cross_power_spectra(signal::AbstractMatrix{T}; fs=1, kwargs...) where {T}
mt_cross_power_spectra(signal::AbstractMatrix, config::MTCrossSpectraConfig)Computes multitapered cross power spectra between channels of a signal. Arguments:
signal:n_channelsxn_samples- Optionally pass an
MTCrossSpectraConfigobject to preallocate temporary variables
and choose configuration settings. Otherwise, any keyword arguments accepted by MTCrossSpectraConfig may be passed here.
Produces a CrossPowerSpectra object holding the n_channels x n_channels x n_frequencies output array (accessed by power) and the corresponding frequencies (accessed by freq).
See also mt_cross_power_spectra! and MTCrossSpectraConfig.
DSP.Periodograms.mt_cross_power_spectra! — Functionmt_cross_power_spectra!(output, signal::AbstractMatrix; fs=1, kwargs...)
mt_cross_power_spectra!(output, signal::AbstractMatrix, config::MTCrossSpectraConfig)Computes multitapered cross power spectra between channels of a signal. Arguments:
output:n_channelsxn_channelsxlength(config.freq). Can be created byDSP.allocate_output(config).signal:n_channelsxn_samplesconfig:MTCrossSpectraConfig{T}: optionally pass aMTCrossSpectraConfigto preallocate temporary and choose configuration settings. Otherwise, one may pass any keyword arguments accepted by this object.
Produces a CrossPowerSpectra object holding the n_channels x n_channels x n_frequencies output array and the corresponding frequencies (accessed by freq).
See also mt_cross_power_spectra and MTCrossSpectraConfig.
DSP.Periodograms.CrossPowerSpectra — TypeCrossPowerSpectra{T,F,A<:AbstractArray{T, 3}}Access the cross power spectral density (an n_channels x n_channels x length(freq) array) via the function power, and the frequencies by the function freq.
See also mt_cross_power_spectra and mt_cross_power_spectra!.
DSP.Periodograms.mt_coherence — Functionmt_coherence(signal::AbstractMatrix{T}; fs=1, freq_range = nothing, demean=false, kwargs...) where T
mt_coherence(signal::AbstractMatrix, config::MTCoherenceConfig)Arguments:
signal:n_channelsxn_samplesmatrix- Optionally pass an
MTCoherenceConfigto pre-allocate temporary variables and choose configuration settings, otherwise, seeMTCrossSpectraConfigfor the meaning of the keyword arguments.
Returns a Coherence object.
See also mt_coherence and MTCoherenceConfig.
DSP.Periodograms.mt_coherence! — Functionmt_coherence!(output, signal::AbstractMatrix; fs=1, freq_range=nothing, demean=false, kwargs...)
mt_coherence!(output, signal::AbstractMatrix, config::MTCoherenceConfig)Computes the pairwise coherences between channels.
output:n_channelsxn_channelsmatrixsignal:n_samplesxn_channelsmatrixconfig: optional configuration object that pre-allocates temporary variables and choose settings.
Returns a Coherence object.
See also mt_coherence and MTCoherenceConfig.
Configuration objects
DSP.Periodograms.WelchConfig — TypeWelchConfig(s::AbstractArray; n=size(s, ndims(s))>>3, noverlap=n>>1,
onesided=eltype(s)<:Real, nfft=nextfastfft(n),
fs=1, window)
WelchConfig(nsamples, eltype; n=nsamples>>3, noverlap=n>>1,
onesided=eltype<:Real, nfft=nextfastfft(n),
fs=1, window)Captures all configuration options for welch_pgram in a single struct (akin to MTConfig). When passed on the second argument of welch_pgram, computes the periodogram based on segments with n samples with overlap of noverlap samples, and returns a Periodogram object. For a Bartlett periodogram, set noverlap=0. See periodogram for description of optional keyword arguments.
WelchConfig precomputes an fft plan, and preallocates the necessary intermediate buffers. Thus, repeated calls to welch_pgram that use the same WelchConfig object will be more efficient than otherwise possible.
Examples
julia> x = 1:8;
julia> wconfig1 = WelchConfig(x; n=length(x), noverlap=0, window=hanning, nfft=16);
julia> wconfig2 = WelchConfig(8, Float64; n=length(x), noverlap=0, window=hanning, nfft=16);DSP.Periodograms.MTConfig — TypeMTConfig{T}(n_samples; fs=1,
nfft = nextpow(2, n_samples),
window = nothing,
nw = 4,
ntapers = 2 * nw - 1,
taper_weights = fill(1/ntapers, ntapers),
onesided::Bool=T<:Real,
fft_flags = FFTW.MEASURE)Creates a config object which holds the configuration state and temporary variables used in multitaper computations, e.g. mt_pgram!, mt_spectrogram, MTSpectrogramConfig, MTCrossSpectraConfig, and MTCoherenceConfig.
An MTConfig can be re-used between computations as long as none of the input arguments change.
n_samples: the number of samples to be used as input when computing multitaper periodograms with this configuration. Used for pre-allocating temporary buffers.fs: the number of samples per second of the input signalnfft: length of input vector to the FFT; ifnfft > n_samples, then the input signal will be zero-padded until it is of lengthnfft.window: window function to use for tapering. If left at the default ofnothing,windowwill be set todpss(n_samples, nw, ntapers).ntapers: the number of tapers to use.taper_weights = fill(1/ntapers, ntapers): how to weight the contribution of each taper. The default setting is to simply average them.onesided: whether or not to compute a "one-sided" FFT by using that real signal data yields conjugate-symmetry in Fourier space.fft_flags: flags to control how the FFT plan is generated.
DSP.Periodograms.MTSpectrogramConfig — TypeMTSpectrogramConfig(n_samples, mt_config::MTConfig{T}, n_overlap_samples) where {T}
MTSpectrogramConfig{T}(n_samples, samples_per_window, n_overlap_samples; fs=1, kwargs...) where {T}Creates a MTSpectrogramConfig which holds configuration and temporary variables for mt_spectrogram and mt_spectrogram!. Any keyword arguments accepted by MTConfig may be passed here, or an MTConfig object itself.
DSP.Periodograms.MTCrossSpectraConfig — TypeMTCrossSpectraConfig{T}(n_channels, n_samples; fs=1, demean=false, freq_range=nothing,
ensure_aligned = T == Float32 || T == Complex{Float32}, kwargs...) where {T}
MTCrossSpectraConfig(n_channels, mt_config::MTConfig{T}; demean=false, freq_range=nothing,
ensure_aligned = T == Float32 || T == Complex{Float32})Creates a configuration object used for mt_cross_power_spectra and mt_cross_power_spectra!.
n_channels: the number of channels of the input.n_samples: the number of samples for each channel of the input.demean: iftrue, the channelwise mean will be subtracted from the input signals before the cross spectral powers are computed.freq_range: ifnothing, all frequencies are retained. Otherwise, only frequencies betweenfirst(freq_range)andlast(freq_range)are retained.ensure_aligned = T == Float32 || T == Complex{Float32}: perform an extra copy to ensure that the FFT output is memory-aligned- Additionally, either pass an
MTConfigobject, or keyword arguments such asfsaccepted byMTConfig.
Returns a CrossPowerSpectra object.
DSP.Periodograms.MTCoherenceConfig — TypeMTCoherenceConfig{T}(n_channels, n_samples; fs=1, demean=false, freq_range=nothing, kwargs...) where T
MTCoherenceConfig(cs_config::MTCrossSpectraConfig{T}) where {T}
MTCoherenceConfig(n_channels, mt_config::MTConfig{T}; demean=false, freq_range=nothing,
ensure_aligned = T == Float32 || T == Complex{Float32}) where {T}Creates a configuration object for coherences from a MTCrossSpectraConfig. Provides a helper method with the same arugments as MTCrossSpectraConfig to construct the MTCrossSpectraConfig object.
See also mt_coherence and mt_coherence!.