diff --git a/pyproject.toml b/pyproject.toml index 7b644d7..49e7df0 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -45,7 +45,7 @@ tests = [ "pytest", "pytest-cov", "watchdog", - "ruff==0.4.1", + "ruff==0.11.2", "coverage", ] docs = [ @@ -79,6 +79,8 @@ find = {} # Scan the project directory with the default parameters exclude = [ ".git", "docs", + "examples", + "tests/test_data/*", ] line-length = 79 lint.ignore = [ @@ -94,21 +96,21 @@ lint.ignore = [ ] lint.select = [ "A", # Avoid builtin function and type shadowing - # "ARG", # Remove unused function/method arguments - # "B", # bugbear extension - # "C4", # Check for common security issues - # "COM", # trailing comma rules - # "D", # Docstring guidelines + "ARG", # Remove unused function/method arguments + "B", # bugbear extension + "C4", # Check for common security issues + "COM", # trailing comma rules + "D", # Docstring guidelines # "D417", # Missing argument descriptions in the docstring - # "E", # PEP8 errors - # "ERA", # No commented out code - # "F", # Pyflakes + "E", # PEP8 errors + "ERA", # No commented out code + "F", # Pyflakes "FIX", # Code should not contain FIXME, TODO, etc "I002", # missing required import - # "NPY", # Check all numpy related deprecations - # "PT", # Pytest style + "NPY", # Check all numpy related deprecations + "PT", # Pytest style "TID252", # Use absolute over relative imports - # "W", # PEP8 warnings + "W", # PEP8 warnings ] # Ignore missing docstrings in tests diff --git a/pyrato/__init__.py b/pyrato/__init__.py index bf3d5dc..f936efe 100644 --- a/pyrato/__init__.py +++ b/pyrato/__init__.py @@ -23,5 +23,5 @@ 'dsp', 'analytic', 'parametric', - 'air_attenuation_coefficient' + 'air_attenuation_coefficient', ] diff --git a/pyrato/analytic/__init__.py b/pyrato/analytic/__init__.py index 4bd0c95..e58f8b6 100644 --- a/pyrato/analytic/__init__.py +++ b/pyrato/analytic/__init__.py @@ -1,6 +1,8 @@ +"""Analytic functions for room acoustics.""" + from .analytic import ( rectangular_room_rigid_walls, - eigenfrequencies_rectangular_room_rigid + eigenfrequencies_rectangular_room_rigid, ) from .impedance import ( diff --git a/pyrato/analytic/analytic.py b/pyrato/analytic/analytic.py index f189a9d..ea9b4c9 100644 --- a/pyrato/analytic/analytic.py +++ b/pyrato/analytic/analytic.py @@ -1,3 +1,4 @@ +"""Analytic functions for room acoustics.""" # -*- coding: utf-8 -*- import pyfar as pf import numpy as np @@ -35,7 +36,6 @@ def eigenfrequencies_rectangular_room_rigid( Examples -------- - Calculate the eigenfrequencies under 75 Hz of a small room and plot. .. plot:: @@ -76,7 +76,7 @@ def eigenfrequencies_rectangular_room_rigid( for n_y in range(0, n_y_max): n_modes += int(np.floor(np.real( np.sqrt( - (2*f_max/c)**2 - (n_x/L_x)**2 - (n_y/L_y)**2 + (2*f_max/c)**2 - (n_x/L_x)**2 - (n_y/L_y)**2, ) * L_z))) + 1 n = np.zeros((3, n_modes), dtype=int) @@ -89,7 +89,7 @@ def eigenfrequencies_rectangular_room_rigid( for n_y in range(0, n_y_max): n_z_max = int(np.floor(np.real( np.sqrt( - (2*f_max/c)**2 - (n_x/L_x)**2 - (n_y/L_y)**2 + (2*f_max/c)**2 - (n_x/L_x)**2 - (n_y/L_y)**2, ) * L_z))) + 1 idx_end = idx + n_z_max diff --git a/pyrato/analytic/impedance.py b/pyrato/analytic/impedance.py index 1654f5f..086702a 100644 --- a/pyrato/analytic/impedance.py +++ b/pyrato/analytic/impedance.py @@ -1,3 +1,4 @@ +"""Analytic functions for impedance calculations.""" from itertools import count import numpy as np @@ -121,7 +122,7 @@ def gradient_trancendental_equation_eigenfrequencies_impedance( def initial_solution_transcendental_equation(k, L, zeta): - """ Initial solution to the transcendental equation for the complex + """Initial solution to the transcendental equation for the complex eigenfrequencies of the rectangular room with uniform impedance at the boundaries. This will approximate the zeroth order mode. @@ -231,7 +232,7 @@ def normal_eigenfrequencies_rectangular_room_impedance( each room dimension. """ k_ns = [] - for dim, L_l, zeta_l in zip(count(), L, zeta): + for _, L_l, zeta_l in zip(count(), L, zeta): k_ns_l = eigenfrequencies_rectangular_room_1d( L_l, ks, k_max, zeta_l) k_ns.append(k_ns_l) @@ -284,7 +285,7 @@ def eigenfrequencies_rectangular_room_impedance( mask = ks >= 0.02 ks_search = ks[mask] k_ns = normal_eigenfrequencies_rectangular_room_impedance( - L, ks_search, k_max, zeta + L, ks_search, k_max, zeta, ) for idx in range(0, len(L)): k_ns[idx] = np.hstack(( @@ -322,7 +323,7 @@ def eigenfrequencies_rectangular_room_impedance( def mode_function_impedance(position, eigenvalue, phase): r"""The modal function for a room with boundary impedances. - See [#]_ . + See [#]_. .. math:: @@ -396,7 +397,7 @@ def pressure_modal_superposition( k_ns_xyz = np.array([ k_ns[0][mode_indices[:, 0]], k_ns[1][mode_indices[:, 1]], - k_ns[2][mode_indices[:, 2]] + k_ns[2][mode_indices[:, 2]], ]) phi = np.arctanh(ks/(zeta_0 * k_ns_xyz.T).T) @@ -435,7 +436,7 @@ def rectangular_room_impedance( c=343.9, n_samples=2**12, remove_cavity_mode=False): - r""" Calculate the room impulse response and room transfer function for a + r"""Calculate the room impulse response and room transfer function for a rectangular room with arbitrary boundary impedances. Parameters @@ -493,7 +494,7 @@ def rectangular_room_impedance( k_ns_xyz = np.array([ k_ns[0][mode_indices[:, 0]], k_ns[1][mode_indices[:, 1]], - k_ns[2][mode_indices[:, 2]] + k_ns[2][mode_indices[:, 2]], ]) return rir, spectrum, k_ns_xyz diff --git a/pyrato/dsp.py b/pyrato/dsp.py index f9d8798..85cc7c5 100644 --- a/pyrato/dsp.py +++ b/pyrato/dsp.py @@ -143,7 +143,8 @@ def find_impulse_response_maximum( np.any(max_sample > mask_start): warnings.warn( "The SNR seems lower than the specified threshold value. Check " - "if this is a valid impulse response with sufficient SNR.") + "if this is a valid impulse response with sufficient SNR.", + stacklevel=2) return max_sample @@ -275,7 +276,7 @@ def center_frequencies_octaves(): warnings.warn( "This function will be deprecated in version 0.5.0 " "Use pyfar.dsp.filter.fractional_octave_frequencies instead", - PyfarDeprecationWarning) + PyfarDeprecationWarning, stacklevel=2) nominal, exact = pf.dsp.filter.fractional_octave_frequencies( 1, (20, 20e3), return_cutoff=False) @@ -295,7 +296,7 @@ def center_frequencies_third_octaves(): warnings.warn( "This function will be deprecated in version 0.5.0 " "Use pyfar.dsp.filter.fractional_octave_frequencies instead", - PyfarDeprecationWarning) + PyfarDeprecationWarning, stacklevel=2) nominal, exact = pf.dsp.filter.fractional_octave_frequencies( 3, (20, 20e3), return_cutoff=False) @@ -327,7 +328,7 @@ def filter_fractional_octave_bands( warnings.warn( "This function will be deprecated in version 0.5.0 " "Use pyfar.dsp.filter.fractional_octave_bands instead", - PyfarDeprecationWarning) + PyfarDeprecationWarning, stacklevel=2) return pf.dsp.filter.fractional_octave_bands( signal, num_fractions, frequency_range=freq_range, order=order) @@ -404,7 +405,7 @@ def _smooth_rir( data, sampling_rate, smooth_block_length=0.075): - """ Smoothens the RIR by averaging the data in an specified interval. + """Smoothens the RIR by averaging the data in an specified interval. Parameters ---------- @@ -457,7 +458,7 @@ def preprocess_rir( is_energy=False, shift=False, channel_independent=False): - """ Preprocess the room impulse response for further processing: + """Preprocess the room impulse response for further processing: - Square data - Shift the RIR to the first sample of the array, compensating for the delay of the time of arrival of the direct sound. The time shift is diff --git a/pyrato/edc.py b/pyrato/edc.py index feeb42d..3d3e0e2 100644 --- a/pyrato/edc.py +++ b/pyrato/edc.py @@ -179,7 +179,7 @@ def energy_decay_curve_truncation( normalize=True, threshold=15, plot=False): - """ This function truncates a given room impulse response by the + """This function truncates a given room impulse response by the intersection time after Lundeby and calculates the energy decay curve. Parameters @@ -224,7 +224,6 @@ def energy_decay_curve_truncation( Examples -------- - Plot the RIR and the EDC calculated truncating the integration at the intersection time. @@ -364,7 +363,6 @@ def energy_decay_curve_lundeby( Examples -------- - Plot the RIR and the EDC calculated after Lundeby. .. plot:: @@ -651,7 +649,6 @@ def energy_decay_curve_chu_lundeby( Examples -------- - Calculate and plot the EDC using a combination of Chu's and Lundeby's methods. @@ -805,7 +802,6 @@ def intersection_time_lundeby( Examples -------- - Estimate the intersection time :math:`T_i` and plot the RIR and the estimated noise power. @@ -890,9 +886,8 @@ def intersection_time_lundeby( (10*np.log10(noise_estimation[ch]) + dB_above_noise))[-1, 0] + start_idx) except IndexError as e: - raise ValueError( - 'Regression failed: Low SNR. Estimation terminated.' - ) from e + raise Exception( + 'Regression failed: Low SNR. Estimation terminated.') from e dyn_range = np.diff(10*np.log10(np.take( time_window_data_current_channel, [start_idx, stop_idx]))) @@ -984,7 +979,7 @@ def intersection_time_lundeby( + dB_above_noise))[0, 0] + start_idx_loop except IndexError as e: raise ValueError( - 'Regression failed: Low SNR. Estimation terminated.' + 'Regression failed: Low SNR. Estimation terminated.', ) from e # regression_matrix*slope = edc @@ -1017,7 +1012,8 @@ def intersection_time_lundeby( if loop_counter > 30: # TO-DO: Paper says 5 iterations are sufficient in all cases! warnings.warn( - "Lundeby algorithm was terminated after 30 iterations.") + "Lundeby algorithm was terminated after 30 iterations.", + stacklevel=2) break reverberation_time[ch] = -60/slope[1] diff --git a/pyrato/parameters.py b/pyrato/parameters.py index 9aa0072..09bc8e5 100644 --- a/pyrato/parameters.py +++ b/pyrato/parameters.py @@ -39,7 +39,6 @@ def reverberation_time_linear_regression( Examples -------- - Estimate the reverberation time from an energy decay curve. >>> import numpy as np @@ -62,12 +61,11 @@ def reverberation_time_linear_regression( >>> rir = rir + awgn ... >>> edc = ra.energy_decay_curve_chu_lundeby(rir) - >>> t_20 = ra.reverberation_time_linear_regression(edc, 'T20') + >>> t_20 = ra.parameters.reverberation_time_linear_regression(edc, 'T20') >>> t_20 ... array([0.99526253]) """ - intervals = [20, 30, 40, 50, 60] if T == 'EDT': upper = -0.1 @@ -76,12 +74,9 @@ def reverberation_time_linear_regression( upper = -25. lower = -35. else: - try: - (int(re.findall(r'\d+', T)[0]) in intervals) - except IndexError: + if T not in ['T20', 'T30', 'T40', 'T50', 'T60']: raise ValueError( - "{} is not a valid interval for the regression.".format(T)) - + f"{T} is not a valid interval for the regression.") upper = -5 lower = -np.double(re.findall(r'\d+', T)) + upper diff --git a/pyrato/parametric.py b/pyrato/parametric.py index c5158ca..e8b2d2c 100644 --- a/pyrato/parametric.py +++ b/pyrato/parametric.py @@ -111,7 +111,7 @@ def air_attenuation_coefficient( warnings.warn( 'Will be replaced by respective function in pyfar before v1.0.0', - PyfarDeprecationWarning) + PyfarDeprecationWarning, stacklevel=2) # room temperature in Kelvin t_K = temperature + 273.16 diff --git a/tests/test_analytic_impedance.py b/tests/test_analytic_impedance.py index 8e625e7..058947b 100644 --- a/tests/test_analytic_impedance.py +++ b/tests/test_analytic_impedance.py @@ -12,7 +12,7 @@ def test_eigenfreq_impedance_1d_real(): k_max = 1e3*2*np.pi/c k_ns = analytic.eigenfrequencies_rectangular_room_1d( - L, k, k_max, zeta + L, k, k_max, zeta, ) truth = np.array([ @@ -35,7 +35,7 @@ def test_eigenfreq_impedance_1d_real_jac(): k_max = 1e3*2*np.pi/c k_ns = analytic.eigenfrequencies_rectangular_room_1d( - L, k, k_max, zeta, gradient=True + L, k, k_max, zeta, gradient=True, ) truth = np.array([ @@ -59,7 +59,7 @@ def test_analytic_shoebox_eigenfreqs_impedance_multi_k(): k = np.linspace(0, k_max*1.1, 2**10) k_ns, _ = analytic.eigenfrequencies_rectangular_room_impedance( - L, k, k_max, zetas + L, k, k_max, zetas, ) truth = np.array([ @@ -103,7 +103,7 @@ def test_analytic_shoebox_eigenfreqs_impedance(): k_max = 1e3*2*np.pi/c k_ns, _ = analytic.eigenfrequencies_rectangular_room_impedance( - L, k, k_max, zetas + L, k, k_max, zetas, ) truth = np.array([ @@ -148,7 +148,7 @@ def test_analytic_eigenfrequencies_impedance_cplx(): k = np.linspace(k_min, k_max*1.1, 2**10) k_ns, _ = analytic.eigenfrequencies_rectangular_room_impedance( - L, k, k_max, zetas, only_normal=True + L, k, k_max, zetas, only_normal=True, ) k_ns_x = np.loadtxt( @@ -180,7 +180,7 @@ def test_analytic_eigenfrequencies_impedance_zeta15(): k = np.linspace(k_min, k_max*1.1, 2**10) k_ns, _ = analytic.eigenfrequencies_rectangular_room_impedance( - L, k, k_max, zetas, only_normal=True + L, k, k_max, zetas, only_normal=True, ) k_ns_x = np.loadtxt( @@ -224,7 +224,7 @@ def test_analytic_pressure_shoebox_impedance(): delimiter=',', dtype=complex) - k_ns = list((k_ns_x, k_ns_y, k_ns_z)) + k_ns = [k_ns_x, k_ns_y, k_ns_z] mode_indices = np.loadtxt( 'tests/data/analytic_impedance/mode_indices.csv', @@ -268,7 +268,7 @@ def test_analytic_pressure_shoebox_impedance_multi_R(): delimiter=',', dtype=complex) - k_ns = list((k_ns_x, k_ns_y, k_ns_z)) + k_ns = [k_ns_x, k_ns_y, k_ns_z] mode_indices = np.loadtxt( 'tests/data/analytic_impedance/mode_indices.csv', @@ -316,7 +316,7 @@ def test_analytic_pressure_shoebox_impedance_zeta15(): delimiter=',', dtype=complex) - k_ns = list((k_ns_x, k_ns_y, k_ns_z)) + k_ns = [k_ns_x, k_ns_y, k_ns_z] mode_indices = np.loadtxt( 'tests/data/analytic_impedance/mode_indices_zeta15.csv', diff --git a/tests/test_data/generate_test_data.py b/tests/test_data/generate_test_data.py index 7575e68..cb20087 100644 --- a/tests/test_data/generate_test_data.py +++ b/tests/test_data/generate_test_data.py @@ -2,8 +2,8 @@ # -*- coding: utf-8 -*- """ - The generate_test_data module provides the functionallity to generate - adequate test data for automatic testing. +The generate_test_data module provides the functionality to generate +adequate test data for automatic testing. """ __author__ = "Johannes Imort" diff --git a/tests/test_deprecation_warnings.py b/tests/test_deprecation_warnings.py index d8c7037..45edae1 100644 --- a/tests/test_deprecation_warnings.py +++ b/tests/test_deprecation_warnings.py @@ -36,9 +36,3 @@ def test_warning_start_ir(): sig = pf.Signal([0, 0, 1, 0, 0], 44100) pyrato.dsp.find_impulse_response_start(sig) - - -def test_warning_rt_edc(): - with pytest.warns(PyfarDeprecationWarning, match='0.5.0'): - edc = pf.TimeData([-5., -60.], [0.1, 1]) - pyrato.reverberation_time_energy_decay_curve(edc) diff --git a/tests/test_dsp.py b/tests/test_dsp.py index cdd3642..3492a3f 100644 --- a/tests/test_dsp.py +++ b/tests/test_dsp.py @@ -12,22 +12,13 @@ test_data_path = os.path.join(os.path.dirname(__file__), 'test_data') -def mock_shift_samples_1d(*args, **kwargs): - return np.array([76]) - - -def mock_shift_samples_2d(*args, **kwargs): - return np.array([76, 76]) - - def test_max_ir(): n_samples = 2**10 ir = np.zeros(n_samples) snr = 60 - noise = pf.Signal( - np.random.randn(n_samples) * 10**(-snr/20), 44100) + noise = pf.signals.noise(n_samples, rms=10**(-snr/20), seed=1) start_sample = 24 ir[start_sample] = 1 @@ -64,10 +55,10 @@ def test_time_shift_return_vals(): ir = pf.signals.impulse(n_samples, delay=20) ir_shifted = dsp.time_shift(ir, 1, circular_shift=True) - assert type(ir_shifted) == pf.Signal + assert type(ir_shifted) is pf.Signal ir_shifted = dsp.time_shift(ir, 1, circular_shift=False) - assert type(ir_shifted) == pf.TimeData + assert type(ir_shifted) is pf.TimeData def test_time_shift_non_circular_left_right(): @@ -195,13 +186,7 @@ def test_preprocessing_2D(): npt.assert_allclose(actual.time, expected) -def test_preprocessing_time_shift_1D(monkeypatch): - # Patch the RIR start finding to always return same number of samples - # monkeypatch.setattr( - # dsp, - # "find_impulse_response_start", - # mock_shift_samples_1d) - +def test_preprocessing_time_shift_1D(): rir = genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_1D.csv'), delimiter=',') @@ -219,13 +204,7 @@ def test_preprocessing_time_shift_1D(monkeypatch): npt.assert_allclose(actual.time, expected) -def test_preprocessing_time_shift_2D(monkeypatch): - # Patch the RIR start finding to always return same number of samples - # monkeypatch.setattr( - # dsp, - # "find_impulse_response_start", - # mock_shift_samples_2d) - +def test_preprocessing_time_shift_2D(): rir = pf.Signal( genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_2D.csv'), @@ -244,13 +223,7 @@ def test_preprocessing_time_shift_2D(monkeypatch): npt.assert_allclose(actual.time, expected) -def test_preprocessing_time_shift_channel_independent_1D(monkeypatch): - # Patch the RIR start finding to always return same number of samples - # monkeypatch.setattr( - # dsp, - # "find_impulse_response_start", - # mock_shift_samples_1d) - +def test_preprocessing_time_shift_channel_independent_1D(): rir = pf.Signal( genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_1D.csv'), @@ -270,12 +243,7 @@ def test_preprocessing_time_shift_channel_independent_1D(monkeypatch): npt.assert_allclose(actual.time, expected) -def test_preprocessing_time_shift_channel_independent_2D(monkeypatch): - # Patch the RIR start finding to always return same number of samples - # monkeypatch.setattr( - # dsp, - # "find_impulse_response_start", - # mock_shift_samples_2d) +def test_preprocessing_time_shift_channel_independent_2D(): rir = pf.Signal(genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_2D.csv'), diff --git a/tests/test_edc.py b/tests/test_edc.py index e112a17..64607dc 100644 --- a/tests/test_edc.py +++ b/tests/test_edc.py @@ -1,7 +1,7 @@ #!/usr/bin/env python # -*- coding: utf-8 -*- -""" Tests for edc related things. """ +"""Tests for edc related things.""" import numpy as np from numpy import array @@ -16,7 +16,7 @@ def test_edc_eyring(): surfaces = [2, 5*2] volume = 2*2*2 times = np.linspace(0, 0.25, 50) - edc = ra.energy_decay_curve_analytic( + edc = ra.parametric.energy_decay_curve_analytic( surfaces, alphas, volume, times, method='eyring', air_absorption=False) truth = array([ @@ -32,7 +32,7 @@ def test_edc_eyring(): 1.86488165e-03, 1.56615966e-03, 1.31528780e-03, 1.10460130e-03, 9.27663155e-04, 7.79067460e-04, 6.54274242e-04, 5.49470753e-04, 4.61454981e-04, 3.87537824e-04, 3.25460924e-04, 2.73327678e-04, - 2.29545281e-04, 1.92776072e-04 + 2.29545281e-04, 1.92776072e-04, ]) npt.assert_almost_equal(edc, truth) @@ -43,7 +43,7 @@ def test_edc_sabine(): surfaces = [2, 5*2] volume = 2*2*2 times = np.linspace(0, 0.25, 50) - edc = ra.energy_decay_curve_analytic( + edc = ra.parametric.energy_decay_curve_analytic( surfaces, alphas, volume, times, method='sabine', air_absorption=False) truth = array([ @@ -59,6 +59,6 @@ def test_edc_sabine(): 4.01014222e-03, 3.44017773e-03, 2.95122272e-03, 2.53176324e-03, 2.17192185e-03, 1.86322499e-03, 1.59840344e-03, 1.37122117e-03, 1.17632849e-03, 1.00913605e-03, 8.65706791e-04, 7.42663242e-04, - 6.37107964e-04, 5.46555336e-04 + 6.37107964e-04, 5.46555336e-04, ]) npt.assert_almost_equal(edc, truth) diff --git a/tests/test_edc_noise_handling.py b/tests/test_edc_noise_handling.py index a4fe5d0..4a41e38 100644 --- a/tests/test_edc_noise_handling.py +++ b/tests/test_edc_noise_handling.py @@ -2,8 +2,8 @@ # -*- coding: utf-8 -*- """ - The test_edc_noise_handling module provides the functionality to test - the functions of the module edc_noise_handling. +The test_edc_noise_handling module provides the functionality to test +the functions of the module edc_noise_handling. """ import numpy as np @@ -15,14 +15,6 @@ test_data_path = os.path.join(os.path.dirname(__file__), 'test_data') -def mock_shift_samples_1d(*args, **kwargs): - return np.array([76]) - - -def mock_shift_samples_2d(*args, **kwargs): - return np.array([76, 76]) - - def test_substracted_1D(): rir = genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_1D.csv'), @@ -83,7 +75,7 @@ def test_edc_truncation_1D(): npt.assert_allclose(actual.time, expected) -def test_edc_truncation_2D(monkeypatch): +def test_edc_truncation_2D(): rir = pf.Signal(genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_2D.csv'), delimiter=','), 3000) @@ -102,7 +94,7 @@ def test_edc_truncation_2D(monkeypatch): npt.assert_allclose(actual.time, expected) -def test_edc_lundeby_1D(monkeypatch): +def test_edc_lundeby_1D(): rir = pf.Signal(genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_1D.csv'), delimiter=','), 3000) @@ -110,11 +102,6 @@ def test_edc_lundeby_1D(monkeypatch): os.path.join(test_data_path, 'edc_lundeby_1D.csv'), delimiter=',')) - # monkeypatch.setattr( - # dsp, - # "find_impulse_response_start", - # mock_shift_samples_1d) - actual = enh.energy_decay_curve_lundeby( rir, freq='broadband', @@ -126,7 +113,7 @@ def test_edc_lundeby_1D(monkeypatch): npt.assert_allclose(actual.time, expected) -def test_edc_lundeby_2D(monkeypatch): +def test_edc_lundeby_2D(): rir = pf.Signal(genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_2D.csv'), delimiter=','), 3000) @@ -134,11 +121,6 @@ def test_edc_lundeby_2D(monkeypatch): os.path.join(test_data_path, 'edc_lundeby_2D.csv'), delimiter=',')) - # monkeypatch.setattr( - # dsp, - # "find_impulse_response_start", - # mock_shift_samples_2d) - actual = enh.energy_decay_curve_lundeby( rir, freq='broadband', @@ -150,7 +132,7 @@ def test_edc_lundeby_2D(monkeypatch): npt.assert_allclose(actual.time, expected) -def test_edc_lundeby_chu_1D(monkeypatch): +def test_edc_lundeby_chu_1D(): rir = pf.Signal(genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_1D.csv'), delimiter=','), 3000) @@ -158,11 +140,6 @@ def test_edc_lundeby_chu_1D(monkeypatch): os.path.join(test_data_path, 'edc_lundeby_chu_1D.csv'), delimiter=',')) - # monkeypatch.setattr( - # dsp, - # "find_impulse_response_start", - # mock_shift_samples_1d) - actual = enh.energy_decay_curve_chu_lundeby( rir, freq='broadband', @@ -174,7 +151,7 @@ def test_edc_lundeby_chu_1D(monkeypatch): npt.assert_allclose(actual.time, expected) -def test_edc_lundeby_chu_2D(monkeypatch): +def test_edc_lundeby_chu_2D(): rir = pf.Signal(genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_2D.csv'), delimiter=','), 3000) @@ -182,11 +159,6 @@ def test_edc_lundeby_chu_2D(monkeypatch): os.path.join(test_data_path, 'edc_lundeby_chu_2D.csv'), delimiter=',')) - # monkeypatch.setattr( - # dsp, - # "find_impulse_response_start", - # mock_shift_samples_2d) - actual = enh.energy_decay_curve_chu_lundeby( rir, freq='broadband', @@ -198,7 +170,7 @@ def test_edc_lundeby_chu_2D(monkeypatch): npt.assert_allclose(actual.time, expected) -def test_edc_chu_1D(monkeypatch): +def test_edc_chu_1D(): rir = pf.Signal(genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_1D.csv'), delimiter=','), 3000) @@ -236,7 +208,7 @@ def test_edc_chu_1D(monkeypatch): npt.assert_allclose(actual.time, expected) -def test_edc_chu_2D(monkeypatch): +def test_edc_chu_2D(): rir = pf.Signal(genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_2D.csv'), delimiter=','), 3e3) @@ -244,11 +216,6 @@ def test_edc_chu_2D(monkeypatch): os.path.join(test_data_path, 'edc_chu_2D.csv'), delimiter=',')) - # monkeypatch.setattr( - # dsp, - # "find_impulse_response_start", - # mock_shift_samples_2d) - actual = enh.energy_decay_curve_chu( rir, is_energy=False, @@ -260,7 +227,7 @@ def test_edc_chu_2D(monkeypatch): npt.assert_allclose(actual.time, expected) -def test_intersection_time_1D(monkeypatch): +def test_intersection_time_1D(): rir = pf.Signal(genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_1D.csv'), delimiter=','), 3000) @@ -268,11 +235,6 @@ def test_intersection_time_1D(monkeypatch): os.path.join(test_data_path, 'intersection_time_1D.csv'), delimiter=',')).T - # monkeypatch.setattr( - # dsp, - # "find_impulse_response_start", - # mock_shift_samples_1d) - actual = enh.intersection_time_lundeby( rir, freq='broadband', @@ -283,7 +245,7 @@ def test_intersection_time_1D(monkeypatch): npt.assert_allclose(actual, expected) -def test_intersection_time_2D(monkeypatch): +def test_intersection_time_2D(): rir = pf.Signal(genfromtxt( os.path.join(test_data_path, 'analytic_rir_psnr50_2D.csv'), delimiter=','), 3000) @@ -291,11 +253,6 @@ def test_intersection_time_2D(monkeypatch): os.path.join(test_data_path, 'intersection_time_2D.csv'), delimiter=',')) - # monkeypatch.setattr( - # dsp, - # "find_impulse_response_start", - # mock_shift_samples_2d) - actual = enh.intersection_time_lundeby( rir, freq='broadband', diff --git a/tests/test_rt.py b/tests/test_rt.py index bb2ca57..44afcc3 100644 --- a/tests/test_rt.py +++ b/tests/test_rt.py @@ -1,9 +1,7 @@ #!/usr/bin/env python # -*- coding: utf-8 -*- -""" Tests for reverberation time related things. """ -from pytest import raises - +"""Tests for reverberation time related things.""" import numpy as np import numpy.testing as npt @@ -19,7 +17,7 @@ def test_rt_from_edc(tx): m = -60 edc = times * m edc_exp = pf.TimeData(10**(edc/10), times) - RT_est = ra.reverberation_time_linear_regression( + RT_est = ra.parameters.reverberation_time_linear_regression( edc_exp, T=tx) npt.assert_allclose(RT_est, 1.) @@ -32,7 +30,7 @@ def test_rt_from_edc_mulitchannel(tx): m = -60 edc = np.atleast_2d(m/Ts).T @ np.atleast_2d(times) edc_exp = pf.TimeData(10**(edc/10), times) - RT_est = ra.reverberation_time_linear_regression( + RT_est = ra.parameters.reverberation_time_linear_regression( edc_exp, T=tx) npt.assert_allclose(RT_est, Ts) @@ -49,7 +47,7 @@ def test_rt_from_edc_mulitchannel_amplitude(tx): edc[idx] = As[idx] + m*times/Ts[idx] edc_exp = pf.TimeData(10**(edc/10), times) - RT_est, A_est = ra.reverberation_time_linear_regression( + RT_est, A_est = ra.parameters.reverberation_time_linear_regression( edc_exp, T=tx, return_intercept=True) npt.assert_allclose(RT_est, Ts) npt.assert_allclose(A_est, 10**(As/10)) @@ -62,5 +60,5 @@ def test_rt_from_edc_error(): edc_exp = pf.TimeData(10**(edc/10), times) T = 'Bla' - with raises(ValueError, match='is not a valid interval.'): - ra.reverberation_time_linear_regression(edc_exp, T=T) + with pytest.raises(ValueError, match='is not a valid interval.'): + ra.parameters.reverberation_time_linear_regression(edc_exp, T=T)