Namespace kfr A class kfr::abstract_reader<T> Base class for all typed readers class kfr::abstract_stream<T> Base class for all typed readers and writer class kfr::abstract_vector<T, Size> class kfr::abstract_vector<T, tag_array_ref> class kfr::abstract_vector<T, tag_dynamic_vector> class kfr::abstract_writer<T> Base class for all typed writers function kfr::acos(E1 &&) Returns template expression that returns the arc cosine of x. struct kfr::aiff_decoding_options Options for decoding AIFF audio files. struct kfr::aiff_encoding_options Represents options for AIFF audio encoding. function kfr::aligned_allocate(size_t) Allocates aligned memory function kfr::aligned_allocate(size_t, size_t) Allocates aligned memory function kfr::aligned_deallocate(T *) Deallocates aligned memory struct kfr::aligned_new function kfr::arange(T, cbool_t<truncated>) function kfr::arange(T, T, T, cbool_t<truncated>) function kfr::arrangement_for_channels(size_t) Returns a predefined speaker arrangement for a given number of channels If no predefined arrangement exists, returns speaker_arrangement::None function kfr::arrangement_speakers(speaker_arrangement) Returns the canonical channel list for a speaker arrangement. class kfr::array_ref<T> Reference to array function kfr::asin(E1 &&) Returns template expression that returns the arc sine of x. function kfr::assertion_failed(const std::string &, const char *, int) function kfr::atan2deg(E1 &&, E2 &&) Returns template expression that returns the arc tangent of y/x (expressed in degrees). function kfr::atan2(E1 &&, E2 &&) Returns template expression that returns the arc tangent of y/x. function kfr::atandeg(E1 &&) Returns template expression that returns the arc tangent of the x, expressed in degrees. function kfr::atan(E1 &&) Returns template expression that returns the arc tangent of x. typedef kfr::audio_data_interleaved Alias for audio_data with interleaved storage. typedef kfr::audio_data_planar Alias for audio_data with planar (non-interleaved) storage format. class kfr::audio_data<Interleaved> Contiguous audio buffer with optional interleaving. struct kfr::audio_decoder Abstract base class for audio decoders providing methods for opening and reading audio files. struct kfr::audio_decoding_options Options for generic audio decoding. enum kfr::audio_dithering Supported audio dithering methods. struct kfr::audio_dithering_state Represents the state of audio dithering. struct kfr::audio_encoder Abstract base class for audio encoders, providing methods for opening, writing, and closing audio files. struct kfr::audio_encoding_options Represents options for audio encoding, including dithering settings. struct kfr::audio_format struct kfr::audio_format_and_length struct kfr::audio_quantization Represents audio quantization parameters. struct kfr::audio_reader_flac<f32> struct kfr::audio_reader_flac<f64> struct kfr::audio_reader_flac<i16> struct kfr::audio_reader_flac<i24> struct kfr::audio_reader_flac<i32> class kfr::audio_reader_flac<T> FLAC format reader struct kfr::audio_reader_mp3<f32> struct kfr::audio_reader_mp3<f64> struct kfr::audio_reader_mp3<i16> struct kfr::audio_reader_mp3<i24> struct kfr::audio_reader_mp3<i32> class kfr::audio_reader_mp3<T> MP3 format reader struct kfr::audio_reader_wav<f32> struct kfr::audio_reader_wav<f64> struct kfr::audio_reader_wav<i16> struct kfr::audio_reader_wav<i24> struct kfr::audio_reader_wav<i32> class kfr::audio_reader_wav<T> WAV format reader class kfr::audio_reader<T> concept kfr::audio_sample function kfr::audio_sample_bit_depth(audio_sample_type) struct kfr::audio_sample_get_type<audio_sample_type::f32> struct kfr::audio_sample_get_type<audio_sample_type::f64> struct kfr::audio_sample_get_type<audio_sample_type::i16> struct kfr::audio_sample_get_type<audio_sample_type::i24> struct kfr::audio_sample_get_type<audio_sample_type::i32> class kfr::audio_sample_get_type<type> function kfr::audio_sample_is_float(audio_sample_type) function kfr::audio_sample_sizeof(audio_sample_type) struct kfr::audio_sample_traits<f32> struct kfr::audio_sample_traits<f64> struct kfr::audio_sample_traits<i16> struct kfr::audio_sample_traits<i24> struct kfr::audio_sample_traits<i32> class kfr::audio_sample_traits<T> enum kfr::audio_sample_type typedef kfr::audio_sample_type_clist struct kfr::audio_stat Represents audio statistics such as peak and RMS values. struct kfr::audio_writer_wav<f32> struct kfr::audio_writer_wav<f64> struct kfr::audio_writer_wav<i16> struct kfr::audio_writer_wav<i24> struct kfr::audio_writer_wav<i32> class kfr::audio_writer_wav<T> WAV format writer class kfr::audio_writer<T> variable kfr::audio_writing_software Software string to write into metadata, if supported by format enum kfr::audiofile_codec Supported audio file codecs. enum kfr::audiofile_container Supported audio file container formats. function kfr::audiofile_container_from_extension(std::string_view) Determines the audio container type from a file extension. enum kfr::audiofile_endianness Endianness of audio data. enum kfr::audiofile_error Enumerates possible error codes for audio file operations. struct kfr::audiofile_format Represents the format of an audio file. typedef kfr::audiofile_header Represents a fixed-size audio file header. function kfr::autocorrelate(const univector<T, Tag1> &) Auto-correlation class kfr::autofree<T> Smart pointer for aligned memory with automatic deallocation. variable kfr::axis_params_v class kfr::axis_params<Axis, N> B C typedef kfr::c32 Alias for complex typedef kfr::c64 Alias for complex function kfr::cabs(E1 &&) Returns template expression that returns the absolute value (magnitude) of the complex number x function kfr::cabssqr(E1 &&) Returns template expression that returns the squared absolute value (magnitude squared) of the complex number x struct kfr::caff_decoding_options Options for decoding CAFF audio files. struct kfr::caff_encoding_options Represents options for CAFF audio encoding. function kfr::call_with_temp(size_t, Fn &&) Calls a function with a temporary buffer, allocated on the stack if small enough, otherwise on the heap. function kfr::carg(E1 &&) Returns template expression that returns the phase angle (argument) of the complex number x function kfr::cartesian(E1 &&) Returns template expression that converts complex number to cartesian function kfr::cast(Arg &&) function kfr::cast(Arg &&, ctype_t<T>) typedef kfr::cbase Alias for complex function kfr::cbrt(E1 &&) Returns the cube root of the x. Accepts and returns expressions. function kfr::ccos(E1 &&) Returns template expression that returns the cosine of the the complex value x function kfr::ccosh(E1 &&) Returns template expression that returns the hyperbolic cosine of the the complex value x typedef kfr::cdirect_t function kfr::cexp10(E1 &&) Returns template expression that returns 10 raised to the complex number x function kfr::cexp2(E1 &&) Returns template expression that returns 2 raised to the complex number x function kfr::cexp(E1 &&) Returns template expression that returns \(e\) raised to the complex number x function kfr::cforeach(const std::tuple<Ts...> &, Fn &&) typedef kfr::chan Determines the channel type based on interleaving. function kfr::check_assertion(...) function kfr::check_assertion(const comparison<Op, L, R> &, const char *, const char *, int) function kfr::check_assertion(const half_comparison<L> &, const char *, const char *, int) variable kfr::cindex typedef kfr::cindex_t typedef kfr::cinvert_t function kfr::clog10(E1 &&) Returns template expression that returns the common (base-10) logarithm of the complex number x function kfr::clog2(E1 &&) Returns template expression that returns the binary (base-2) logarithm of the complex number x function kfr::clog(E1 &&) Returns template expression that returns the natural logarithm of the complex number x struct kfr::cmp_eq struct kfr::cmp_ge struct kfr::cmp_gt struct kfr::cmp_le struct kfr::cmp_lt struct kfr::cmp_ne class kfr::comparison<Fn, L, R> namespace kfr::compiletime typedef kfr::complex class kfr::compound_type_traits<std::complex<T>> function kfr::concat_args() function kfr::concat_args(const std::string &, const Ts &...) function kfr::concatenate(Arg1 &&, Arg2 &&) function kfr::concatenate(Arg1 &&, Arg2 &&, Arg3 &&) typedef kfr::container_value_type function kfr::convert_endianness(T *, size_t) class kfr::convolve_filter<T> Convolution using Filter API function kfr::convolve(const univector<T1, Tag1> &, const univector<T2, Tag2> &) Convolution function kfr::correlate(const univector<T1, Tag1> &, const univector<T2, Tag2> &) Correlation function kfr::cosdeg(E1 &&) Returns the trigonometric cosine of the x (expressed in degrees). Accepts and returns expressions. function kfr::cos(E1 &&) Returns the trigonometric cosine of x. Accepts and returns expressions. function kfr::cosh(E1 &&) Returns template expression that returns the hyperbolic cosine of the x function kfr::coshsinh(E1 &&) Returns template expression that returns the hyperbolic cosine of the even elements of the x and the hyperbolic sine of the odd elements of the x function kfr::cossindeg(E1 &&) Returns the trigonometric cosine of the even elements of the x and sine of the odd elements. x must be expressed in degrees. Accepts and returns expressions. function kfr::cossin(E1 &&) Returns the trigonometric cosine of the even elements of the x and sine of the odd elements. x must be a vector. Accepts and returns expressions. function kfr::coth(E1 &&) Returns template expression that returns the hyperbolic cotangent of the x function kfr::counter(T) function kfr::counter(T, Arg, Args...) function kfr::create_aiff_decoder(const aiff_decoding_options &) Creates a decoder for AIFF audio files. function kfr::create_aiff_encoder(const aiff_encoding_options &) Creates an AIFF audio encoder with optional encoding options. function kfr::create_caff_decoder(const caff_decoding_options &) Creates a decoder for CAFF audio files. function kfr::create_caff_encoder(const caff_encoding_options &) Creates a CAFF audio encoder with optional encoding options. function kfr::create_decoder_for_container(audiofile_container, const audio_decoding_options &) Creates an audio decoder for a specific container type. function kfr::create_decoder_for_file(const file_path &, const audio_decoding_options &) Creates an audio decoder for a file. function kfr::create_decoder_for_file(const std::string &, const audio_decoding_options &) file_path&, const audio_decoding_options&) function kfr::create_decoder_from_header(const audiofile_header &, const audio_decoding_options &) Creates an audio decoder from a file header. function kfr::create_encoder_for_container(audiofile_container, const audio_encoding_options &) Creates an audio encoder for the specified container format with optional encoding options. function kfr::create_mediafoundation_decoder(const mediafoundation_decoding_options &) Creates a Media Foundation-based audio decoder. function kfr::create_mp3_decoder(const mp3_decoding_options &) Creates an MP3 audio decoder with the specified decoding options. function kfr::create_raw_decoder(const raw_decoding_options &) Creates a decoder for raw audio streams. function kfr::create_raw_encoder(const raw_encoding_options &) Creates a raw audio encoder with optional encoding options. function kfr::create_w64_decoder(const w64_decoding_options &) Creates a decoder for W64 audio files. function kfr::create_w64_encoder(const w64_encoding_options &) Creates a W64 audio encoder with optional encoding options. function kfr::create_wave_decoder(const wave_decoding_options &) Creates a decoder for WAVE audio files. function kfr::create_wave_encoder(const wave_encoding_options &) Creates a WAVE audio encoder with optional encoding options. function kfr::csin(E1 &&) Returns template expression that returns the sine of the the complex value x function kfr::csinh(E1 &&) Returns template expression that returns the hyperbolic sine of the complex number x typedef kfr::csizes_t function kfr::csqr(E1 &&) Returns template expression that returns square of the complex number x function kfr::csqrt(E1 &&) Returns template expression that returns square root of the complex number x function kfr::current_epsilon() class kfr::cursor<Dims> class kfr::cvals_t<T, T> variable kfr::cwindow_type typedef kfr::cwindow_type_t D class kfr::data_allocator<T> Aligned allocator function kfr::dB_to_string(const T &, double) Converts dB value to string (uses oo for infinity symbol) function kfr::dB_to_utf8string(const T &, double) Converts dB value to string (uses infinity symbol in utf-8 encoding) function kfr::dcremove(E1 &&, double) function kfr::dcremove(E1 &&, double, double) Applies a DC removal filter to the given input expression. class kfr::dct_plan<T> DCT type 2 (unscaled) function kfr::decode_audio_file(const file_path &, audiofile_format *, const audio_decoding_options &) Decodes an audio file and returns the audio data in an interleaved format. function kfr::decode_audio_file(const std::string &, audiofile_format *, const audio_decoding_options &) function kfr::deep_is_equal(const T1 &, const T2 &) variable kfr::default_audio_frames_to_read The default number of audio frames to read in one operation. variable kfr::default_memory_alignment namespace kfr::details enum kfr::dft_order Specifies the desired order for DFT output (and IDFT input) enum kfr::dft_pack_format Specifies the packing format for real DFT output data. See https://www.kfr.dev/docs/latest/dft_format/ for details class kfr::dft_plan_md_real<T, Dims> Multidimensional DFT class kfr::dft_plan_md<T, Dims> Multidimensional DFT class kfr::dft_plan_real<T> Real-to-complex and Complex-to-real 1D DFT class kfr::dft_plan<T> Class for performing 1D DFT/FFT. typedef kfr::dft_stage_ptr class kfr::dft_stage<T> Internal structure representing a single DFT stage enum kfr::dft_type typedef kfr::dimset variable kfr::dynamic_shape E function kfr::element_size() function kfr::element_size<>() function kfr::encode_audio_file(const file_path &, const audio_data_interleaved &, const audiofile_format &, audio_decoder *, const audio_encoding_options &) Encodes interleaved audio data and writes it to a file. function kfr::encode_audio_file(const file_path &, const audio_data_planar &, const audiofile_format &, audio_decoder *, const audio_encoding_options &) Encodes planar audio data and writes it to a file. function kfr::encode_audio_file(const std::string &, const audio_data_interleaved &, const audiofile_format &, audio_decoder *, const audio_encoding_options &) Encodes interleaved audio data and writes it to a file (Windows-specific overload). function kfr::encode_audio_file(const std::string &, const audio_data_planar &, const audiofile_format &, audio_decoder *, const audio_encoding_options &) Encodes planar audio data and writes it to a file (Windows-specific overload). class kfr::epsilon_scope<T> struct kfr::epsilon_scope<void> class kfr::equality_comparer<L, R> class kfr::exception function kfr::exp10(E1 &&) Returns 10 raised to the given power x. Accepts and returns expressions. function kfr::exp2(E1 &&) Returns 2 raised to the given power x. Accepts and returns expressions. function kfr::exp_fmadd(E1 &&, E2 &&, E3 &&) Returns exp(x * m + a). Accepts and returns expressions. class kfr::expand_cvals<T, Tpl, cvals_t<T, vals...>> class kfr::expand_cvals<T, Tpl, Pack> function kfr::exp(E1 &&) Returns e raised to the given power x. Accepts and returns expressions. typedef kfr::expected concept kfr::expr_element concept kfr::expression_argument concept kfr::expression_arguments class kfr::expression_cast<T, Arg> class kfr::expression_concatenate<Arg1, Arg2, ConcatAxis> class kfr::expression_counter<T, Dims> variable kfr::expression_dims class kfr::expression_filter<T> class kfr::expression_fixshape<Arg, Shape> class kfr::expression_handle<T, Dims> class kfr::expression_lambda<T, Dims, Fn, Rnd> class kfr::expression_linspace<T, truncated> class kfr::expression_padded<Arg> class kfr::expression_placeholder<T, Dims, Key> class kfr::expression_reshape<Arg, OutDims> struct kfr::expression_resource class kfr::expression_resource_impl<E> class kfr::expression_reverse<Arg> class kfr::expression_scalar<T> class kfr::expression_slice<Arg> struct kfr::expression_traits_defaults class kfr::expression_traits<const T> class kfr::expression_traits<const T &> class kfr::expression_traits<const T &&> class kfr::expression_traits<expression_cast<T, Arg>> class kfr::expression_traits<expression_concatenate<Arg1, Arg2, ConcatAxis>> class kfr::expression_traits<expression_counter<T, Dims>> class kfr::expression_traits<expression_fixshape<Arg, fixed_shape_t<ShapeValues...>>> class kfr::expression_traits<expression_handle<T, Dims>> class kfr::expression_traits<expression_lambda<T, Dims, Fn, Rnd>> class kfr::expression_traits<expression_linspace<T, truncated>> class kfr::expression_traits<expression_padded<Arg>> class kfr::expression_traits<expression_placeholder<T, Dims, Key>> class kfr::expression_traits<expression_reshape<Arg, OutDims>> class kfr::expression_traits<expression_reverse<Arg>> class kfr::expression_traits<expression_scalar<T>> class kfr::expression_traits<expression_slice<Arg>> class kfr::expression_traits<strided_channel<T>> class kfr::expression_traits<T> class kfr::expression_traits<T &> class kfr::expression_traits<T &&> class kfr::expression_traits<T> class kfr::expression_traits<tensor<T, Dims>> class kfr::expression_traits<univector<T, Tag>> typedef kfr::expression_value_type class kfr::expression_vtable<T, Dims> F G H I L function kfr::lambda_generator(Fn &&) function kfr::lambda(Fn &&, cbool_t<RandomAccess>) function kfr::library_version_audio() function kfr::library_version_codecs() Returns a comma-separated list of enabled audio codecs. function kfr::library_version_dft() function kfr::library_version_dsp() function kfr::library_version_io() function kfr::linspace(T1, T2, size_t, bool, cbool_t<truncated>) Returns evenly spaced numbers over a specified interval. function kfr::load_from_npy(tensor<T, Dims> &, Fn &&) Loads a tensor from .npy format using a custom read callback. class kfr::lockfree_ring_buffer<T> Single producer single consumer lock-free ring buffer function kfr::log10(E1 &&) Returns the common (base-10) logarithm of the x. Accepts and returns expressions. function kfr::log2(E1 &&) Returns the binary (base-2) logarithm of the x. Accepts and returns expressions. function kfr::log_fmadd(E1 &&, E2 &&, E3 &&) Returns log(x) * m + a. Accepts and returns expressions. function kfr::logb(E1 &&) Returns the rounded binary (base-2) logarithm of the x. Version that accepts and returns expressions. function kfr::log(E1 &&) Returns the natural logarithm of the x. Accepts and returns expressions. class kfr::logic_error function kfr::logm(E1 &&, E2 &&) Returns log(x) * y. Accepts and returns expressions. function kfr::logn(E1 &&, E2 &&) Returns the logarithm of the x with base y. Accepts and returns expressions. M N O P function kfr::padded(Arg &&, T) function kfr::perfplot_save(const std::string &, T1 &&, T2 &&, const std::string &) function kfr::perfplot_show(const std::string &, T1 &&, T2 &&, const std::string &) function kfr::placeholder(csize_t<Key>) function kfr::plot_save(const std::string &, const T &, const std::string &) Plot data using python and save to file function kfr::plot_show(const std::string &, const char *, const std::string &) function kfr::plot_show(const std::string &, const std::string &, const std::string &) function kfr::plot_show(const std::string &, const T &, const std::string &) Plot data using python function kfr::polar(E1 &&) Returns template expression that converts complex number to polar function kfr::pow(E1 &&, E2 &&) Returns the x raised to the given power y. Accepts and returns expressions. typedef kfr::ptrdiff_t function kfr::python_prologue() R struct kfr::random_state class kfr::range<T> Iterable range struct kfr::raw_decoding_options Options for decoding raw audio streams. struct kfr::raw_encoding_options Represents options for raw audio encoding. function kfr::read_audiofile_header(const file_path &) Reads the header of an audio file. function kfr::read_audiofile_header(const std::string &) Creates an audio decoder from a file header. class kfr::reader_adapter<From, To> function kfr::reference_dft_md(complex<T> *, const complex<T> *, shape<dynamic_shape>, bool, size_t, size_t) Performs Multidimensional Complex DFT using reference implementation (slow, used for testing) function kfr::reference_dft_md(complex<T> *, const T *, shape<dynamic_shape>, bool, size_t, size_t) Performs Multidimensional Direct Real DFT using reference implementation (slow, used for testing) function kfr::reference_dft(complex<T> *, const complex<T> *, size_t, bool, size_t, size_t) Performs Complex DFT using reference implementation (slow, used for testing) function kfr::reference_dft(complex<T> *, const T *, size_t, size_t, size_t) Performs Direct Real DFT using reference implementation (slow, used for testing) class kfr::representation<fmt_t<kfr::tensor<T, dims>, t, width, prec>> class kfr::representation<fmt_t<kfr::univector<T, Tag>, t, width, prec>> struct kfr::representation<kfr::cpu_t> struct kfr::representation<kfr::fraction> struct kfr::representation<kfr::npy_decode_result> class kfr::representation<kfr::shape<dims>> struct kfr::representation<kfr::special_value> class kfr::representation<kfr::tensor<T, dims>> class kfr::representation<kfr::univector<T, Tag>> typedef kfr::resample_quality function kfr::reshape(Arg &&, const shape<OutDims> &) function kfr::reverse(Arg &&) function kfr::root(E1 &&, E2 &&) Returns the real nth root of the x. Accepts and returns expressions. class kfr::runtime_error S function kfr::safe_cast(const InType &) enum kfr::sample_rate_conversion_quality Defines the quality levels for sample rate conversion. class kfr::samplerate_converter<T> A template class for performing sample rate conversion on audio signals. function kfr::samples_load(audio_sample_type, fbase *const *, const std::byte *, size_t, size_t, bool) Loads interleaved audio samples based on sample type. function kfr::samples_load(audio_sample_type, fbase *, const std::byte *, size_t, bool) Loads audio samples based on sample type. function kfr::samples_load(fbase *const *, const Tin *, size_t, size_t, bool) Loads interleaved audio samples into a planar floating-point buffer. function kfr::samples_load(fbase *, const Tin *, size_t, bool) Loads audio samples into a floating-point buffer. function kfr::samples_store(audio_sample_type, std::byte *, const fbase *const *, size_t, size_t, bool) Stores interleaved audio samples based on sample type. function kfr::samples_store(audio_sample_type, std::byte *, const fbase *const *, size_t, size_t, const audio_quantization &, bool) Stores interleaved audio samples based on sample type with quantization. function kfr::samples_store(audio_sample_type, std::byte *, const fbase *, size_t, const audio_quantization &, bool) Stores audio samples based on sample type with quantization. function kfr::samples_store(Tout *, const fbase *const *, size_t, size_t, bool) Stores planar floating-point samples into a interleaved buffer. function kfr::samples_store(Tout *, const fbase *const *, size_t, size_t, const audio_quantization &, bool) Stores planar floating-point samples into an interleaved buffer with quantization. function kfr::samples_store(Tout *, const fbase *, size_t, const audio_quantization &, bool) Stores floating-point samples into a buffer with quantization. function kfr::save_to_npy(const tensor<T, Dims> &, Fn &&) Saves a tensor to .npy format using a custom write callback. function kfr::scalar(T) variable kfr::seed_from_rdtsc struct kfr::seed_from_rdtsc_t enum kfr::seek_origin Seek origin function kfr::sequence(const Ts &...) function kfr::set_elements(strided_channel<T> &, const shape<1> &, const axis_params<0, N> &, const std::type_identity_t<vec<T, N>> &) deduction guide kfr::shape struct kfr::shape<0> class kfr::shape<Dims> struct kfr::shape<dynamic_shape> class kfr::short_fir_state<tapcount, T, U> typedef kfr::signed_index_t function kfr::sinc(E1 &&) Returns the sinc function of x. Accepts and returns expressions. function kfr::sincosdeg(E1 &&) Returns the trigonometric sine of the even elements of the x and cosine of the odd elements. x must be expressed in degrees. Accepts and returns expressions. function kfr::sincos(E1 &&) Returns the trigonometric sine of the even elements of the x and cosine of the odd elements. x must be a vector. Accepts and returns expressions. function kfr::sindeg(E1 &&) Returns the trigonometric sine of the x (expressed in degrees). Accepts and returns expressions. function kfr::sin(E1 &&) Returns the trigonometric sine of x. Accepts and returns expressions. function kfr::sinhcosh(E1 &&) Returns template expression that returns the hyperbolic sine of the even elements of the x and the hyperbolic cosine of the odd elements of the x function kfr::sinh(E1 &&) Returns template expression that returns the hyperbolic sine of the x function kfr::size_add(size_t, size_t) function kfr::size_min(size_t) function kfr::size_min(size_t, size_t, Ts...) function kfr::size_of_shape(const shape<dims> &) function kfr::size_sub(size_t, size_t) typedef kfr::size_t function kfr::slice(Arg &&, std::type_identity_t<shape<Dims>>, std::type_identity_t<shape<Dims>>) class kfr::small_buffer<T, Capacity> typedef kfr::Speaker enum kfr::speaker_arrangement Predefined speaker arrangements Matches VST3 definitions enum kfr::speaker_type Speaker types (positions) Matches VST3 definitions typedef kfr::SpeakerArrangement function kfr::sqrt(E1 &&) Returns template expression that returns the positive square root of the x. \(\sqrt{x}\) class kfr::state_holder<T, false> class kfr::state_holder<T, Stateless> class kfr::state_holder<T, true> class kfr::static_assert_eq<T, left, right> class kfr::static_assert_type_eq<Left, Right> class kfr::strided_channel<T> Represents a strided audio channel. function kfr::substitute(const internal_generic::anything &, Args &&...) function kfr::substitute(expression_handle<T, Dims> &, expression_handle<T, Dims>, csize_t<Key>) function kfr::substitute(expression_placeholder<T, Dims, Key> &, expression_handle<T, Dims>, csize_t<Key>) function kfr::substitute(expression_with_arguments<Args...> &, expression_handle<T, Dims>, csize_t<Key>) struct kfr::swallow Utility class to use in list-initialization context variable kfr::symmetric_linspace struct kfr::symmetric_linspace_t function kfr::symmlinspace(T, size_t, cbool_t<truncated>) Returns evenly spaced numbers over a specified interval. T function kfr::tall() function kfr::tandeg(E1 &&) function kfr::tan(E1 &&) function kfr::tanh(E1 &&) Returns template expression that returns the hyperbolic tangent of the x function kfr::tensor_from_container(Container) struct kfr::tensor_range class kfr::tensor_subscript<T, Derived, Dims> class kfr::tensor_subscript<T, Derived, std::integer_sequence<index_t, Dims...>> class kfr::tensor<T, dynamic_shape> class kfr::tensor<T, NDims> tensor holds or references multidimensional data and provides a way to access individual elements and perform complex operations on the data. function kfr::to_filter(expression_handle<T, 1> &&) Converts expression with placeholder to filter. Placeholder and filter must have the same type function kfr::to_handle(E &) Converts the given expression into an opaque object. This overload takes reference to the expression. function kfr::to_handle(E &&) Converts the given expression into an opaque object. This overload takes ownership of the expression (Move semantics). function kfr::to_string(audiofile_error) Converts an audiofile_error to its string representation. function kfr::trange(std::optional<signed_index_t>, std::optional<signed_index_t>, std::optional<signed_index_t>) function kfr::truncate(Arg &&, std::type_identity_t<shape<Dims>>) function kfr::tstart(signed_index_t, signed_index_t) function kfr::tstep(signed_index_t) function kfr::tstop(signed_index_t, signed_index_t) U variable kfr::undefined_size typedef kfr::unexpected typedef kfr::univector2d typedef kfr::univector3d class kfr::univector_base<T, Class, false> class kfr::univector_base<T, Class, is_expression> Base class for all univector specializations. class kfr::univector_base<T, Class, true> typedef kfr::univector_dyn Alias for univector<T, tag_dynamic_vector>; typedef kfr::univector_ref Alias for univector<T, tag_array_ref>; typedef kfr::univector_tag class kfr::univector<T, Size> Class that represent data in KFR. Many KFR functions can take this class as an argument. Can inherit from std::vector, std::array or keep only reference to data and its size. class kfr::univector<T, tag_array_ref> class kfr::univector<T, tag_dynamic_vector> enum kfr::(Unnamed enum at base/univector.hpp:43:1) W Z Back to top