[][src]Crate cmsis_dsp_sys_pregenerated

CMSIS-DSP low-level bindings

Configuring and using the bindings

Different versions of the library will be linked depending on the type of processor the code will run on. You may need to enable some Cargo features depending on the target:

  • Cortex-M7: Enable the feature cortex-m7. Also, if the processor has a double-precision floating point unit, enable the double-precision-fpu feature.
  • Cortex-M33 (target thumbv8m.main-none-eabi or thumbv8m.main-none-eabihf): If the processor supports DSP instructions, enable the dsp-instructions feature.

All other targets will be configured automatically based on the target passed to cargo. If you forget to enable a feature, everything should still work but it may be slower.

Modules

arm_sort_alg
arm_sort_dir
arm_spline_type
arm_status

Structs

arm_biquad_cas_df1_32x64_ins_q31

@brief Instance structure for the high precision Q31 Biquad cascade filter.

arm_biquad_cascade_df2T_instance_f32

@brief Instance structure for the floating-point transposed direct form II Biquad cascade filter.

arm_biquad_cascade_df2T_instance_f64

@brief Instance structure for the floating-point transposed direct form II Biquad cascade filter.

arm_biquad_cascade_stereo_df2T_instance_f32

@brief Instance structure for the floating-point transposed direct form II Biquad cascade filter.

arm_biquad_casd_df1_inst_f32

@brief Instance structure for the floating-point Biquad cascade filter.

arm_biquad_casd_df1_inst_q15

@brief Instance structure for the Q15 Biquad cascade filter.

arm_biquad_casd_df1_inst_q31

@brief Instance structure for the Q31 Biquad cascade filter.

arm_cfft_instance_f32

@brief Instance structure for the floating-point CFFT/CIFFT function.

arm_cfft_instance_f64

@brief Instance structure for the Double Precision Floating-point CFFT/CIFFT function.

arm_cfft_instance_q15

@brief Instance structure for the fixed-point CFFT/CIFFT function.

arm_cfft_instance_q31

@brief Instance structure for the fixed-point CFFT/CIFFT function.

arm_cfft_radix2_instance_f32

@brief Instance structure for the floating-point CFFT/CIFFT function.

arm_cfft_radix2_instance_q15

@brief Instance structure for the Q15 CFFT/CIFFT function.

arm_cfft_radix2_instance_q31

@brief Instance structure for the Radix-2 Q31 CFFT/CIFFT function.

arm_cfft_radix4_instance_f32

@brief Instance structure for the floating-point CFFT/CIFFT function.

arm_cfft_radix4_instance_q15

@brief Instance structure for the Q15 CFFT/CIFFT function.

arm_cfft_radix4_instance_q31

@brief Instance structure for the Q31 CFFT/CIFFT function.

arm_dct4_instance_f32

@brief Instance structure for the floating-point DCT4/IDCT4 function.

arm_dct4_instance_q15

@brief Instance structure for the Q15 DCT4/IDCT4 function.

arm_dct4_instance_q31

@brief Instance structure for the Q31 DCT4/IDCT4 function.

arm_fir_decimate_instance_f32

@brief Instance structure for floating-point FIR decimator.

arm_fir_decimate_instance_q15

@brief Instance structure for the Q15 FIR decimator.

arm_fir_decimate_instance_q31

@brief Instance structure for the Q31 FIR decimator.

arm_fir_instance_f32

@brief Instance structure for the floating-point FIR filter.

arm_fir_instance_q7

@brief Instance structure for the Q7 FIR filter.

arm_fir_instance_q15

@brief Instance structure for the Q15 FIR filter.

arm_fir_instance_q31

@brief Instance structure for the Q31 FIR filter.

arm_fir_interpolate_instance_f32

@brief Instance structure for the floating-point FIR interpolator.

arm_fir_interpolate_instance_q15

@brief Instance structure for the Q15 FIR interpolator.

arm_fir_interpolate_instance_q31

@brief Instance structure for the Q31 FIR interpolator.

arm_fir_lattice_instance_f32

@brief Instance structure for the floating-point FIR lattice filter.

arm_fir_lattice_instance_q15

@brief Instance structure for the Q15 FIR lattice filter.

arm_fir_lattice_instance_q31

@brief Instance structure for the Q31 FIR lattice filter.

arm_fir_sparse_instance_f32

@brief Instance structure for the floating-point sparse FIR filter.

arm_fir_sparse_instance_q7

@brief Instance structure for the Q7 sparse FIR filter.

arm_fir_sparse_instance_q15

@brief Instance structure for the Q15 sparse FIR filter.

arm_fir_sparse_instance_q31

@brief Instance structure for the Q31 sparse FIR filter.

arm_gaussian_naive_bayes_instance_f32

@brief Instance structure for Naive Gaussian Bayesian estimator.

arm_iir_lattice_instance_f32

@brief Instance structure for the floating-point IIR lattice filter.

arm_iir_lattice_instance_q15

@brief Instance structure for the Q15 IIR lattice filter.

arm_iir_lattice_instance_q31

@brief Instance structure for the Q31 IIR lattice filter.

arm_lms_instance_f32

@brief Instance structure for the floating-point LMS filter.

arm_lms_instance_q15

@brief Instance structure for the Q15 LMS filter.

arm_lms_instance_q31

@brief Instance structure for the Q31 LMS filter.

arm_lms_norm_instance_f32

@brief Instance structure for the floating-point normalized LMS filter.

arm_lms_norm_instance_q15

@brief Instance structure for the Q15 normalized LMS filter.

arm_lms_norm_instance_q31

@brief Instance structure for the Q31 normalized LMS filter.

arm_matrix_instance_f32

@brief Instance structure for the floating-point matrix structure.

arm_matrix_instance_f64

@brief Instance structure for the floating-point matrix structure.

arm_matrix_instance_q15

@brief Instance structure for the Q15 matrix structure.

arm_matrix_instance_q31

@brief Instance structure for the Q31 matrix structure.

arm_merge_sort_instance_f32

@brief Instance structure for the sorting algorithms.

arm_pid_instance_f32

@brief Instance structure for the floating-point PID Control.

arm_pid_instance_q15

@brief Instance structure for the Q15 PID Control.

arm_pid_instance_q31

@brief Instance structure for the Q31 PID Control.

arm_rfft_fast_instance_f32

@brief Instance structure for the floating-point RFFT/RIFFT function.

arm_rfft_fast_instance_f64

@brief Instance structure for the Double Precision Floating-point RFFT/RIFFT function.

arm_rfft_instance_f32

@brief Instance structure for the floating-point RFFT/RIFFT function.

arm_rfft_instance_q15

@brief Instance structure for the Q15 RFFT/RIFFT function.

arm_rfft_instance_q31

@brief Instance structure for the Q31 RFFT/RIFFT function.

arm_sort_instance_f32

@brief Instance structure for the sorting algorithms.

arm_spline_instance_f32

@brief Instance structure for the floating-point cubic spline interpolation.

arm_svm_linear_instance_f32

@brief Instance structure for linear SVM prediction function.

arm_svm_polynomial_instance_f32

@brief Instance structure for polynomial SVM prediction function.

arm_svm_rbf_instance_f32

@brief Instance structure for rbf SVM prediction function.

arm_svm_sigmoid_instance_f32

@brief Instance structure for sigmoid SVM prediction function.

Statics

armBitRevIndexTable16
armBitRevIndexTable32
armBitRevIndexTable64
armBitRevIndexTable128
armBitRevIndexTable256
armBitRevIndexTable512
armBitRevIndexTable1024
armBitRevIndexTable2048
armBitRevIndexTable4096
armBitRevIndexTableF64_16
armBitRevIndexTableF64_32
armBitRevIndexTableF64_64
armBitRevIndexTableF64_128
armBitRevIndexTableF64_256
armBitRevIndexTableF64_512
armBitRevIndexTableF64_1024
armBitRevIndexTableF64_2048
armBitRevIndexTableF64_4096
armBitRevIndexTable_fixed_16
armBitRevIndexTable_fixed_32
armBitRevIndexTable_fixed_64
armBitRevIndexTable_fixed_128
armBitRevIndexTable_fixed_256
armBitRevIndexTable_fixed_512
armBitRevIndexTable_fixed_1024
armBitRevIndexTable_fixed_2048
armBitRevIndexTable_fixed_4096
armBitRevTable
armRecipTableQ15
armRecipTableQ31
arm_cfft_sR_f32_len16
arm_cfft_sR_f32_len32
arm_cfft_sR_f32_len64
arm_cfft_sR_f32_len128
arm_cfft_sR_f32_len256
arm_cfft_sR_f32_len512
arm_cfft_sR_f32_len1024
arm_cfft_sR_f32_len2048
arm_cfft_sR_f32_len4096
arm_cfft_sR_f64_len16
arm_cfft_sR_f64_len32
arm_cfft_sR_f64_len64
arm_cfft_sR_f64_len128
arm_cfft_sR_f64_len256
arm_cfft_sR_f64_len512
arm_cfft_sR_f64_len1024
arm_cfft_sR_f64_len2048
arm_cfft_sR_f64_len4096
arm_cfft_sR_q15_len16
arm_cfft_sR_q15_len32
arm_cfft_sR_q15_len64
arm_cfft_sR_q15_len128
arm_cfft_sR_q15_len256
arm_cfft_sR_q15_len512
arm_cfft_sR_q15_len1024
arm_cfft_sR_q15_len2048
arm_cfft_sR_q15_len4096
arm_cfft_sR_q31_len16
arm_cfft_sR_q31_len32
arm_cfft_sR_q31_len64
arm_cfft_sR_q31_len128
arm_cfft_sR_q31_len256
arm_cfft_sR_q31_len512
arm_cfft_sR_q31_len1024
arm_cfft_sR_q31_len2048
arm_cfft_sR_q31_len4096

Functions

arm_abs_f32

@brief Floating-point vector absolute value. @param[in] pSrc points to the input buffer @param[out] pDst points to the output buffer @param[in] blockSize number of samples in each vector

arm_abs_q7

@brief Q7 vector absolute value. @param[in] pSrc points to the input buffer @param[out] pDst points to the output buffer @param[in] blockSize number of samples in each vector

arm_abs_q15

@brief Q15 vector absolute value. @param[in] pSrc points to the input buffer @param[out] pDst points to the output buffer @param[in] blockSize number of samples in each vector

arm_abs_q31

@brief Q31 vector absolute value. @param[in] pSrc points to the input buffer @param[out] pDst points to the output buffer @param[in] blockSize number of samples in each vector

arm_add_f32

@brief Floating-point vector addition. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector

arm_add_q7

@brief Q7 vector addition. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector

arm_add_q15

@brief Q15 vector addition. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector

arm_add_q31

@brief Q31 vector addition. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector

arm_and_u8

@brief Compute the logical bitwise AND of two fixed-point vectors. @param[in] pSrcA points to input vector A @param[in] pSrcB points to input vector B @param[out] pDst points to output vector @param[in] blockSize number of samples in each vector @return none

arm_and_u16

@brief Compute the logical bitwise AND of two fixed-point vectors. @param[in] pSrcA points to input vector A @param[in] pSrcB points to input vector B @param[out] pDst points to output vector @param[in] blockSize number of samples in each vector @return none

arm_and_u32

@brief Compute the logical bitwise AND of two fixed-point vectors. @param[in] pSrcA points to input vector A @param[in] pSrcB points to input vector B @param[out] pDst points to output vector @param[in] blockSize number of samples in each vector @return none

arm_barycenter_f32

@brief Barycenter

arm_biquad_cas_df1_32x64_init_q31

@param[in,out] S points to an instance of the high precision Q31 Biquad cascade filter structure. @param[in] numStages number of 2nd order stages in the filter. @param[in] pCoeffs points to the filter coefficients. @param[in] pState points to the state buffer. @param[in] postShift shift to be applied to the output. Varies according to the coefficients format

arm_biquad_cas_df1_32x64_q31

@param[in] S points to an instance of the high precision Q31 Biquad cascade filter structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] blockSize number of samples to process.

arm_biquad_cascade_df1_f32

@brief Processing function for the floating-point Biquad cascade filter. @param[in] S points to an instance of the floating-point Biquad cascade structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_biquad_cascade_df1_fast_q15

@brief Fast but less precise processing function for the Q15 Biquad cascade filter for Cortex-M3 and Cortex-M4. @param[in] S points to an instance of the Q15 Biquad cascade structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_biquad_cascade_df1_fast_q31

@brief Fast but less precise processing function for the Q31 Biquad cascade filter for Cortex-M3 and Cortex-M4. @param[in] S points to an instance of the Q31 Biquad cascade structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_biquad_cascade_df1_init_f32
arm_biquad_cascade_df1_init_q15

@brief Initialization function for the Q15 Biquad cascade filter. @param[in,out] S points to an instance of the Q15 Biquad cascade structure. @param[in] numStages number of 2nd order stages in the filter. @param[in] pCoeffs points to the filter coefficients. @param[in] pState points to the state buffer. @param[in] postShift Shift to be applied to the output. Varies according to the coefficients format

arm_biquad_cascade_df1_init_q31

@brief Initialization function for the Q31 Biquad cascade filter. @param[in,out] S points to an instance of the Q31 Biquad cascade structure. @param[in] numStages number of 2nd order stages in the filter. @param[in] pCoeffs points to the filter coefficients. @param[in] pState points to the state buffer. @param[in] postShift Shift to be applied to the output. Varies according to the coefficients format

arm_biquad_cascade_df1_q15

@brief Processing function for the Q15 Biquad cascade filter. @param[in] S points to an instance of the Q15 Biquad cascade structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_biquad_cascade_df1_q31

@brief Processing function for the Q31 Biquad cascade filter @param[in] S points to an instance of the Q31 Biquad cascade structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_biquad_cascade_df2T_f32

@brief Processing function for the floating-point transposed direct form II Biquad cascade filter. @param[in] S points to an instance of the filter data structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] blockSize number of samples to process.

arm_biquad_cascade_df2T_f64

@brief Processing function for the floating-point transposed direct form II Biquad cascade filter. @param[in] S points to an instance of the filter data structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] blockSize number of samples to process.

arm_biquad_cascade_df2T_init_f32

@brief Initialization function for the floating-point transposed direct form II Biquad cascade filter. @param[in,out] S points to an instance of the filter data structure. @param[in] numStages number of 2nd order stages in the filter. @param[in] pCoeffs points to the filter coefficients. @param[in] pState points to the state buffer.

arm_biquad_cascade_df2T_init_f64

@brief Initialization function for the floating-point transposed direct form II Biquad cascade filter. @param[in,out] S points to an instance of the filter data structure. @param[in] numStages number of 2nd order stages in the filter. @param[in] pCoeffs points to the filter coefficients. @param[in] pState points to the state buffer.

arm_biquad_cascade_stereo_df2T_f32

@brief Processing function for the floating-point transposed direct form II Biquad cascade filter. 2 channels @param[in] S points to an instance of the filter data structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] blockSize number of samples to process.

arm_biquad_cascade_stereo_df2T_init_f32

@brief Initialization function for the floating-point transposed direct form II Biquad cascade filter. @param[in,out] S points to an instance of the filter data structure. @param[in] numStages number of 2nd order stages in the filter. @param[in] pCoeffs points to the filter coefficients. @param[in] pState points to the state buffer.

arm_braycurtis_distance_f32

@brief Bray-Curtis distance between two vectors @param[in] pA First vector @param[in] pB Second vector @param[in] blockSize vector length @return distance

arm_canberra_distance_f32

@brief Canberra distance between two vectors

arm_cfft_f32
arm_cfft_f64
arm_cfft_init_f32
arm_cfft_init_q15
arm_cfft_init_q31
arm_cfft_q15
arm_cfft_q31
arm_cfft_radix2_f32
arm_cfft_radix2_init_f32
arm_cfft_radix2_init_q15
arm_cfft_radix2_init_q31
arm_cfft_radix2_q15
arm_cfft_radix2_q31
arm_cfft_radix4_f32
arm_cfft_radix4_init_f32
arm_cfft_radix4_init_q15
arm_cfft_radix4_init_q31
arm_cfft_radix4_q15
arm_cfft_radix4_q31
arm_chebyshev_distance_f32

@brief Chebyshev distance between two vectors @param[in] pA First vector @param[in] pB Second vector @param[in] blockSize vector length @return distance

arm_cityblock_distance_f32

@brief Cityblock (Manhattan) distance between two vectors @param[in] pA First vector @param[in] pB Second vector @param[in] blockSize vector length @return distance

arm_cmplx_conj_f32

@brief Floating-point complex conjugate. @param[in] pSrc points to the input vector @param[out] pDst points to the output vector @param[in] numSamples number of complex samples in each vector

arm_cmplx_conj_q15

@brief Q15 complex conjugate. @param[in] pSrc points to the input vector @param[out] pDst points to the output vector @param[in] numSamples number of complex samples in each vector

arm_cmplx_conj_q31

@brief Q31 complex conjugate. @param[in] pSrc points to the input vector @param[out] pDst points to the output vector @param[in] numSamples number of complex samples in each vector

arm_cmplx_dot_prod_f32

@brief Floating-point complex dot product @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[in] numSamples number of complex samples in each vector @param[out] realResult real part of the result returned here @param[out] imagResult imaginary part of the result returned here

arm_cmplx_dot_prod_q15

@brief Q15 complex dot product @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[in] numSamples number of complex samples in each vector @param[out] realResult real part of the result returned here @param[out] imagResult imaginary part of the result returned here

arm_cmplx_dot_prod_q31

@brief Q31 complex dot product @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[in] numSamples number of complex samples in each vector @param[out] realResult real part of the result returned here @param[out] imagResult imaginary part of the result returned here

arm_cmplx_mag_f32

@brief Floating-point complex magnitude @param[in] pSrc points to the complex input vector @param[out] pDst points to the real output vector @param[in] numSamples number of complex samples in the input vector

arm_cmplx_mag_q15

@brief Q15 complex magnitude @param[in] pSrc points to the complex input vector @param[out] pDst points to the real output vector @param[in] numSamples number of complex samples in the input vector

arm_cmplx_mag_q31

@brief Q31 complex magnitude @param[in] pSrc points to the complex input vector @param[out] pDst points to the real output vector @param[in] numSamples number of complex samples in the input vector

arm_cmplx_mag_squared_f32

@brief Floating-point complex magnitude squared @param[in] pSrc points to the complex input vector @param[out] pDst points to the real output vector @param[in] numSamples number of complex samples in the input vector

arm_cmplx_mag_squared_q15

@brief Q15 complex magnitude squared @param[in] pSrc points to the complex input vector @param[out] pDst points to the real output vector @param[in] numSamples number of complex samples in the input vector

arm_cmplx_mag_squared_q31

@brief Q31 complex magnitude squared @param[in] pSrc points to the complex input vector @param[out] pDst points to the real output vector @param[in] numSamples number of complex samples in the input vector

arm_cmplx_mult_cmplx_f32

@brief Floating-point complex-by-complex multiplication @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] numSamples number of complex samples in each vector

arm_cmplx_mult_cmplx_q15

@brief Q15 complex-by-complex multiplication @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] numSamples number of complex samples in each vector

arm_cmplx_mult_cmplx_q31

@brief Q31 complex-by-complex multiplication @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] numSamples number of complex samples in each vector

arm_cmplx_mult_real_f32

@brief Floating-point complex-by-real multiplication @param[in] pSrcCmplx points to the complex input vector @param[in] pSrcReal points to the real input vector @param[out] pCmplxDst points to the complex output vector @param[in] numSamples number of samples in each vector

arm_cmplx_mult_real_q15

@brief Q15 complex-by-real multiplication @param[in] pSrcCmplx points to the complex input vector @param[in] pSrcReal points to the real input vector @param[out] pCmplxDst points to the complex output vector @param[in] numSamples number of samples in each vector

arm_cmplx_mult_real_q31

@brief Q31 complex-by-real multiplication @param[in] pSrcCmplx points to the complex input vector @param[in] pSrcReal points to the real input vector @param[out] pCmplxDst points to the complex output vector @param[in] numSamples number of samples in each vector

arm_conv_f32

@brief Convolution of floating-point sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the location where the output result is written. Length srcALen+srcBLen-1.

arm_conv_fast_opt_q15

@brief Convolution of Q15 sequences (fast version) for Cortex-M3 and Cortex-M4 @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data Length srcALen+srcBLen-1. @param[in] pScratch1 points to scratch buffer of size max(srcALen, srcBLen) + 2*min(srcALen, srcBLen) - 2. @param[in] pScratch2 points to scratch buffer of size min(srcALen, srcBLen).

arm_conv_fast_q15

@brief Convolution of Q15 sequences (fast version) for Cortex-M3 and Cortex-M4 @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data Length srcALen+srcBLen-1.

arm_conv_fast_q31

@brief Convolution of Q31 sequences (fast version) for Cortex-M3 and Cortex-M4 @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data Length srcALen+srcBLen-1.

arm_conv_opt_q7

@brief Convolution of Q7 sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data Length srcALen+srcBLen-1. @param[in] pScratch1 points to scratch buffer(of type q15_t) of size max(srcALen, srcBLen) + 2*min(srcALen, srcBLen) - 2. @param[in] pScratch2 points to scratch buffer (of type q15_t) of size min(srcALen, srcBLen).

arm_conv_opt_q15

@brief Convolution of Q15 sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data Length srcALen+srcBLen-1. @param[in] pScratch1 points to scratch buffer of size max(srcALen, srcBLen) + 2*min(srcALen, srcBLen) - 2. @param[in] pScratch2 points to scratch buffer of size min(srcALen, srcBLen).

arm_conv_partial_f32

@brief Partial convolution of floating-point sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data @param[in] firstIndex is the first output sample to start with. @param[in] numPoints is the number of output points to be computed. @return Returns either ARM_MATH_SUCCESS if the function completed correctly or ARM_MATH_ARGUMENT_ERROR if the requested subset is not in the range [0 srcALen+srcBLen-2].

arm_conv_partial_fast_opt_q15

@brief Partial convolution of Q15 sequences (fast version) for Cortex-M3 and Cortex-M4 @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data @param[in] firstIndex is the first output sample to start with. @param[in] numPoints is the number of output points to be computed. @param[in] pScratch1 points to scratch buffer of size max(srcALen, srcBLen) + 2*min(srcALen, srcBLen) - 2. @param[in] pScratch2 points to scratch buffer of size min(srcALen, srcBLen). @return Returns either ARM_MATH_SUCCESS if the function completed correctly or ARM_MATH_ARGUMENT_ERROR if the requested subset is not in the range [0 srcALen+srcBLen-2].

arm_conv_partial_fast_q15

@brief Partial convolution of Q15 sequences (fast version) for Cortex-M3 and Cortex-M4 @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data @param[in] firstIndex is the first output sample to start with. @param[in] numPoints is the number of output points to be computed. @return Returns either ARM_MATH_SUCCESS if the function completed correctly or ARM_MATH_ARGUMENT_ERROR if the requested subset is not in the range [0 srcALen+srcBLen-2].

arm_conv_partial_fast_q31

@brief Partial convolution of Q31 sequences (fast version) for Cortex-M3 and Cortex-M4 @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data @param[in] firstIndex is the first output sample to start with. @param[in] numPoints is the number of output points to be computed. @return Returns either ARM_MATH_SUCCESS if the function completed correctly or ARM_MATH_ARGUMENT_ERROR if the requested subset is not in the range [0 srcALen+srcBLen-2].

arm_conv_partial_opt_q7

@brief Partial convolution of Q7 sequences @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data @param[in] firstIndex is the first output sample to start with. @param[in] numPoints is the number of output points to be computed. @param[in] pScratch1 points to scratch buffer(of type q15_t) of size max(srcALen, srcBLen) + 2*min(srcALen, srcBLen) - 2. @param[in] pScratch2 points to scratch buffer (of type q15_t) of size min(srcALen, srcBLen). @return Returns either ARM_MATH_SUCCESS if the function completed correctly or ARM_MATH_ARGUMENT_ERROR if the requested subset is not in the range [0 srcALen+srcBLen-2].

arm_conv_partial_opt_q15

@brief Partial convolution of Q15 sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data @param[in] firstIndex is the first output sample to start with. @param[in] numPoints is the number of output points to be computed. @param[in] pScratch1 points to scratch buffer of size max(srcALen, srcBLen) + 2*min(srcALen, srcBLen) - 2. @param[in] pScratch2 points to scratch buffer of size min(srcALen, srcBLen). @return Returns either ARM_MATH_SUCCESS if the function completed correctly or ARM_MATH_ARGUMENT_ERROR if the requested subset is not in the range [0 srcALen+srcBLen-2].

arm_conv_partial_q7

@brief Partial convolution of Q7 sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data @param[in] firstIndex is the first output sample to start with. @param[in] numPoints is the number of output points to be computed. @return Returns either ARM_MATH_SUCCESS if the function completed correctly or ARM_MATH_ARGUMENT_ERROR if the requested subset is not in the range [0 srcALen+srcBLen-2].

arm_conv_partial_q15

@brief Partial convolution of Q15 sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data @param[in] firstIndex is the first output sample to start with. @param[in] numPoints is the number of output points to be computed. @return Returns either ARM_MATH_SUCCESS if the function completed correctly or ARM_MATH_ARGUMENT_ERROR if the requested subset is not in the range [0 srcALen+srcBLen-2].

arm_conv_partial_q31

@brief Partial convolution of Q31 sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data @param[in] firstIndex is the first output sample to start with. @param[in] numPoints is the number of output points to be computed. @return Returns either ARM_MATH_SUCCESS if the function completed correctly or ARM_MATH_ARGUMENT_ERROR if the requested subset is not in the range [0 srcALen+srcBLen-2].

arm_conv_q7

@brief Convolution of Q7 sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data Length srcALen+srcBLen-1.

arm_conv_q15

@brief Convolution of Q15 sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the location where the output result is written. Length srcALen+srcBLen-1.

arm_conv_q31

@brief Convolution of Q31 sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data Length srcALen+srcBLen-1.

arm_copy_f32

@brief Copies the elements of a floating-point vector. @param[in] pSrc input pointer @param[out] pDst output pointer @param[in] blockSize number of samples to process

arm_copy_q7

@brief Copies the elements of a Q7 vector. @param[in] pSrc input pointer @param[out] pDst output pointer @param[in] blockSize number of samples to process

arm_copy_q15

@brief Copies the elements of a Q15 vector. @param[in] pSrc input pointer @param[out] pDst output pointer @param[in] blockSize number of samples to process

arm_copy_q31

@brief Copies the elements of a Q31 vector. @param[in] pSrc input pointer @param[out] pDst output pointer @param[in] blockSize number of samples to process

arm_correlate_f32

@brief Correlation of floating-point sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data Length 2 * max(srcALen, srcBLen) - 1.

arm_correlate_fast_opt_q15

@brief Correlation of Q15 sequences (fast version). @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data Length 2 * max(srcALen, srcBLen) - 1. @param[in] pScratch points to scratch buffer of size max(srcALen, srcBLen) + 2*min(srcALen, srcBLen) - 2.

arm_correlate_fast_q15

@brief Correlation of Q15 sequences (fast version). @param[in] pSrcA points to the first input sequence @param[in] srcALen length of the first input sequence @param[in] pSrcB points to the second input sequence @param[in] srcBLen length of the second input sequence @param[out] pDst points to the location where the output result is written. Length 2 * max(srcALen, srcBLen) - 1. @return none

arm_correlate_fast_q31

@brief Correlation of Q31 sequences (fast version). @param[in] pSrcA points to the first input sequence @param[in] srcALen length of the first input sequence @param[in] pSrcB points to the second input sequence @param[in] srcBLen length of the second input sequence @param[out] pDst points to the block of output data Length 2 * max(srcALen, srcBLen) - 1.

arm_correlate_opt_q7

@brief Correlation of Q7 sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data Length 2 * max(srcALen, srcBLen) - 1. @param[in] pScratch1 points to scratch buffer(of type q15_t) of size max(srcALen, srcBLen) + 2*min(srcALen, srcBLen) - 2. @param[in] pScratch2 points to scratch buffer (of type q15_t) of size min(srcALen, srcBLen).

arm_correlate_opt_q15

@brief Correlation of Q15 sequences @param[in] pSrcA points to the first input sequence @param[in] srcALen length of the first input sequence @param[in] pSrcB points to the second input sequence @param[in] srcBLen length of the second input sequence @param[out] pDst points to the block of output data Length 2 * max(srcALen, srcBLen) - 1. @param[in] pScratch points to scratch buffer of size max(srcALen, srcBLen) + 2*min(srcALen, srcBLen) - 2.

arm_correlate_q7

@brief Correlation of Q7 sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data Length 2 * max(srcALen, srcBLen) - 1.

arm_correlate_q15

@brief Correlation of Q15 sequences. @param[in] pSrcA points to the first input sequence @param[in] srcALen length of the first input sequence @param[in] pSrcB points to the second input sequence @param[in] srcBLen length of the second input sequence @param[out] pDst points to the block of output data Length 2 * max(srcALen, srcBLen) - 1.

arm_correlate_q31

@brief Correlation of Q31 sequences. @param[in] pSrcA points to the first input sequence. @param[in] srcALen length of the first input sequence. @param[in] pSrcB points to the second input sequence. @param[in] srcBLen length of the second input sequence. @param[out] pDst points to the block of output data Length 2 * max(srcALen, srcBLen) - 1.

arm_correlation_distance_f32

@brief Correlation distance between two vectors

arm_cos_f32

@brief Fast approximation to the trigonometric cosine function for floating-point data. @param[in] x input value in radians. @return cos(x).

arm_cos_q15

@brief Fast approximation to the trigonometric cosine function for Q15 data. @param[in] x Scaled input value in radians. @return cos(x).

arm_cos_q31

@brief Fast approximation to the trigonometric cosine function for Q31 data. @param[in] x Scaled input value in radians. @return cos(x).

arm_cosine_distance_f32

@brief Cosine distance between two vectors

arm_dct4_f32

@brief Processing function for the floating-point DCT4/IDCT4. @param[in] S points to an instance of the floating-point DCT4/IDCT4 structure. @param[in] pState points to state buffer. @param[in,out] pInlineBuffer points to the in-place input and output buffer.

arm_dct4_init_f32

@brief Initialization function for the floating-point DCT4/IDCT4. @param[in,out] S points to an instance of floating-point DCT4/IDCT4 structure. @param[in] S_RFFT points to an instance of floating-point RFFT/RIFFT structure. @param[in] S_CFFT points to an instance of floating-point CFFT/CIFFT structure. @param[in] N length of the DCT4. @param[in] Nby2 half of the length of the DCT4. @param[in] normalize normalizing factor. @return arm_status function returns ARM_MATH_SUCCESS if initialization is successful or ARM_MATH_ARGUMENT_ERROR if fftLenReal is not a supported transform length.

arm_dct4_init_q15

@brief Initialization function for the Q15 DCT4/IDCT4. @param[in,out] S points to an instance of Q15 DCT4/IDCT4 structure. @param[in] S_RFFT points to an instance of Q15 RFFT/RIFFT structure. @param[in] S_CFFT points to an instance of Q15 CFFT/CIFFT structure. @param[in] N length of the DCT4. @param[in] Nby2 half of the length of the DCT4. @param[in] normalize normalizing factor. @return arm_status function returns ARM_MATH_SUCCESS if initialization is successful or ARM_MATH_ARGUMENT_ERROR if N is not a supported transform length.

arm_dct4_init_q31

@brief Initialization function for the Q31 DCT4/IDCT4. @param[in,out] S points to an instance of Q31 DCT4/IDCT4 structure. @param[in] S_RFFT points to an instance of Q31 RFFT/RIFFT structure @param[in] S_CFFT points to an instance of Q31 CFFT/CIFFT structure @param[in] N length of the DCT4. @param[in] Nby2 half of the length of the DCT4. @param[in] normalize normalizing factor. @return arm_status function returns ARM_MATH_SUCCESS if initialization is successful or ARM_MATH_ARGUMENT_ERROR if N is not a supported transform length.

arm_dct4_q15

@brief Processing function for the Q15 DCT4/IDCT4. @param[in] S points to an instance of the Q15 DCT4 structure. @param[in] pState points to state buffer. @param[in,out] pInlineBuffer points to the in-place input and output buffer.

arm_dct4_q31

@brief Processing function for the Q31 DCT4/IDCT4. @param[in] S points to an instance of the Q31 DCT4 structure. @param[in] pState points to state buffer. @param[in,out] pInlineBuffer points to the in-place input and output buffer.

arm_dice_distance

@brief Dice distance between two vectors

arm_dot_prod_f32

@brief Dot product of floating-point vectors. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[in] blockSize number of samples in each vector @param[out] result output result returned here

arm_dot_prod_q7

@brief Dot product of Q7 vectors. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[in] blockSize number of samples in each vector @param[out] result output result returned here

arm_dot_prod_q15

@brief Dot product of Q15 vectors. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[in] blockSize number of samples in each vector @param[out] result output result returned here

arm_dot_prod_q31

@brief Dot product of Q31 vectors. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[in] blockSize number of samples in each vector @param[out] result output result returned here

arm_entropy_f32

@brief Entropy

arm_entropy_f64

@brief Entropy

arm_euclidean_distance_f32

@brief Euclidean distance between two vectors @param[in] pA First vector @param[in] pB Second vector @param[in] blockSize vector length @return distance

arm_fill_f32

@brief Fills a constant value into a floating-point vector. @param[in] value input value to be filled @param[out] pDst output pointer @param[in] blockSize number of samples to process

arm_fill_q7

@brief Fills a constant value into a Q7 vector. @param[in] value input value to be filled @param[out] pDst output pointer @param[in] blockSize number of samples to process

arm_fill_q15

@brief Fills a constant value into a Q15 vector. @param[in] value input value to be filled @param[out] pDst output pointer @param[in] blockSize number of samples to process

arm_fill_q31

@brief Fills a constant value into a Q31 vector. @param[in] value input value to be filled @param[out] pDst output pointer @param[in] blockSize number of samples to process

arm_fir_decimate_f32

@brief Processing function for floating-point FIR decimator. @param[in] S points to an instance of the floating-point FIR decimator structure @param[in] pSrc points to the block of input data @param[out] pDst points to the block of output data @param[in] blockSize number of samples to process

arm_fir_decimate_fast_q15

@brief Processing function for the Q15 FIR decimator (fast variant) for Cortex-M3 and Cortex-M4. @param[in] S points to an instance of the Q15 FIR decimator structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] blockSize number of input samples to process per call.

arm_fir_decimate_fast_q31

@brief Processing function for the Q31 FIR decimator (fast variant) for Cortex-M3 and Cortex-M4. @param[in] S points to an instance of the Q31 FIR decimator structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] blockSize number of input samples to process per call.

arm_fir_decimate_init_f32

@brief Initialization function for the floating-point FIR decimator. @param[in,out] S points to an instance of the floating-point FIR decimator structure @param[in] numTaps number of coefficients in the filter @param[in] M decimation factor @param[in] pCoeffs points to the filter coefficients @param[in] pState points to the state buffer @param[in] blockSize number of input samples to process per call @return execution status

arm_fir_decimate_init_q15

@brief Initialization function for the Q15 FIR decimator. @param[in,out] S points to an instance of the Q15 FIR decimator structure. @param[in] numTaps number of coefficients in the filter. @param[in] M decimation factor. @param[in] pCoeffs points to the filter coefficients. @param[in] pState points to the state buffer. @param[in] blockSize number of input samples to process per call. @return The function returns ARM_MATH_SUCCESS if initialization is successful or ARM_MATH_LENGTH_ERROR if blockSize is not a multiple of M.

arm_fir_decimate_init_q31

@brief Initialization function for the Q31 FIR decimator. @param[in,out] S points to an instance of the Q31 FIR decimator structure. @param[in] numTaps number of coefficients in the filter. @param[in] M decimation factor. @param[in] pCoeffs points to the filter coefficients. @param[in] pState points to the state buffer. @param[in] blockSize number of input samples to process per call. @return The function returns ARM_MATH_SUCCESS if initialization is successful or ARM_MATH_LENGTH_ERROR if blockSize is not a multiple of M.

arm_fir_decimate_q15

@brief Processing function for the Q15 FIR decimator. @param[in] S points to an instance of the Q15 FIR decimator structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] blockSize number of input samples to process per call.

arm_fir_decimate_q31

@brief Processing function for the Q31 FIR decimator. @param[in] S points to an instance of the Q31 FIR decimator structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] blockSize number of input samples to process per call.

arm_fir_f32

@brief Processing function for the floating-point FIR filter. @param[in] S points to an instance of the floating-point FIR structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_fir_fast_q15

@brief Processing function for the fast Q15 FIR filter (fast version). @param[in] S points to an instance of the Q15 FIR filter structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_fir_fast_q31

@brief Processing function for the fast Q31 FIR filter (fast version). @param[in] S points to an instance of the Q31 FIR filter structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_fir_init_f32

@brief Initialization function for the floating-point FIR filter. @param[in,out] S points to an instance of the floating-point FIR filter structure. @param[in] numTaps Number of filter coefficients in the filter. @param[in] pCoeffs points to the filter coefficients. @param[in] pState points to the state buffer. @param[in] blockSize number of samples that are processed at a time.

arm_fir_init_q7

@brief Initialization function for the Q7 FIR filter. @param[in,out] S points to an instance of the Q7 FIR structure. @param[in] numTaps Number of filter coefficients in the filter. @param[in] pCoeffs points to the filter coefficients. @param[in] pState points to the state buffer. @param[in] blockSize number of samples that are processed.

arm_fir_init_q15

@brief Initialization function for the Q15 FIR filter. @param[in,out] S points to an instance of the Q15 FIR filter structure. @param[in] numTaps Number of filter coefficients in the filter. Must be even and greater than or equal to 4. @param[in] pCoeffs points to the filter coefficients. @param[in] pState points to the state buffer. @param[in] blockSize number of samples that are processed at a time. @return The function returns either ARM_MATH_SUCCESS if initialization was successful or ARM_MATH_ARGUMENT_ERROR if numTaps is not a supported value.

arm_fir_init_q31

@brief Initialization function for the Q31 FIR filter. @param[in,out] S points to an instance of the Q31 FIR structure. @param[in] numTaps Number of filter coefficients in the filter. @param[in] pCoeffs points to the filter coefficients. @param[in] pState points to the state buffer. @param[in] blockSize number of samples that are processed at a time.

arm_fir_interpolate_f32

@brief Processing function for the floating-point FIR interpolator. @param[in] S points to an instance of the floating-point FIR interpolator structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of input samples to process per call.

arm_fir_interpolate_init_f32

@brief Initialization function for the floating-point FIR interpolator. @param[in,out] S points to an instance of the floating-point FIR interpolator structure. @param[in] L upsample factor. @param[in] numTaps number of filter coefficients in the filter. @param[in] pCoeffs points to the filter coefficient buffer. @param[in] pState points to the state buffer. @param[in] blockSize number of input samples to process per call. @return The function returns ARM_MATH_SUCCESS if initialization is successful or ARM_MATH_LENGTH_ERROR if the filter length numTaps is not a multiple of the interpolation factor L.

arm_fir_interpolate_init_q15

@brief Initialization function for the Q15 FIR interpolator. @param[in,out] S points to an instance of the Q15 FIR interpolator structure. @param[in] L upsample factor. @param[in] numTaps number of filter coefficients in the filter. @param[in] pCoeffs points to the filter coefficient buffer. @param[in] pState points to the state buffer. @param[in] blockSize number of input samples to process per call. @return The function returns ARM_MATH_SUCCESS if initialization is successful or ARM_MATH_LENGTH_ERROR if the filter length numTaps is not a multiple of the interpolation factor L.

arm_fir_interpolate_init_q31

@brief Initialization function for the Q31 FIR interpolator. @param[in,out] S points to an instance of the Q31 FIR interpolator structure. @param[in] L upsample factor. @param[in] numTaps number of filter coefficients in the filter. @param[in] pCoeffs points to the filter coefficient buffer. @param[in] pState points to the state buffer. @param[in] blockSize number of input samples to process per call. @return The function returns ARM_MATH_SUCCESS if initialization is successful or ARM_MATH_LENGTH_ERROR if the filter length numTaps is not a multiple of the interpolation factor L.

arm_fir_interpolate_q15

@brief Processing function for the Q15 FIR interpolator. @param[in] S points to an instance of the Q15 FIR interpolator structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of input samples to process per call.

arm_fir_interpolate_q31

@brief Processing function for the Q31 FIR interpolator. @param[in] S points to an instance of the Q15 FIR interpolator structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of input samples to process per call.

arm_fir_lattice_f32

@brief Processing function for the floating-point FIR lattice filter. @param[in] S points to an instance of the floating-point FIR lattice structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] blockSize number of samples to process.

arm_fir_lattice_init_f32

@brief Initialization function for the floating-point FIR lattice filter. @param[in] S points to an instance of the floating-point FIR lattice structure. @param[in] numStages number of filter stages. @param[in] pCoeffs points to the coefficient buffer. The array is of length numStages. @param[in] pState points to the state buffer. The array is of length numStages.

arm_fir_lattice_init_q15

@brief Initialization function for the Q15 FIR lattice filter. @param[in] S points to an instance of the Q15 FIR lattice structure. @param[in] numStages number of filter stages. @param[in] pCoeffs points to the coefficient buffer. The array is of length numStages. @param[in] pState points to the state buffer. The array is of length numStages.

arm_fir_lattice_init_q31

@brief Initialization function for the Q31 FIR lattice filter. @param[in] S points to an instance of the Q31 FIR lattice structure. @param[in] numStages number of filter stages. @param[in] pCoeffs points to the coefficient buffer. The array is of length numStages. @param[in] pState points to the state buffer. The array is of length numStages.

arm_fir_lattice_q15

@brief Processing function for the Q15 FIR lattice filter. @param[in] S points to an instance of the Q15 FIR lattice structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_fir_lattice_q31

@brief Processing function for the Q31 FIR lattice filter. @param[in] S points to an instance of the Q31 FIR lattice structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] blockSize number of samples to process.

arm_fir_q7

@brief Processing function for the Q7 FIR filter. @param[in] S points to an instance of the Q7 FIR filter structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_fir_q15

@brief Processing function for the Q15 FIR filter. @param[in] S points to an instance of the Q15 FIR structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_fir_q31

@brief Processing function for the Q31 FIR filter. @param[in] S points to an instance of the Q31 FIR filter structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_fir_sparse_f32

@brief Processing function for the floating-point sparse FIR filter. @param[in] S points to an instance of the floating-point sparse FIR structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] pScratchIn points to a temporary buffer of size blockSize. @param[in] blockSize number of input samples to process per call.

arm_fir_sparse_init_f32

@brief Initialization function for the floating-point sparse FIR filter. @param[in,out] S points to an instance of the floating-point sparse FIR structure. @param[in] numTaps number of nonzero coefficients in the filter. @param[in] pCoeffs points to the array of filter coefficients. @param[in] pState points to the state buffer. @param[in] pTapDelay points to the array of offset times. @param[in] maxDelay maximum offset time supported. @param[in] blockSize number of samples that will be processed per block.

arm_fir_sparse_init_q7

@brief Initialization function for the Q7 sparse FIR filter. @param[in,out] S points to an instance of the Q7 sparse FIR structure. @param[in] numTaps number of nonzero coefficients in the filter. @param[in] pCoeffs points to the array of filter coefficients. @param[in] pState points to the state buffer. @param[in] pTapDelay points to the array of offset times. @param[in] maxDelay maximum offset time supported. @param[in] blockSize number of samples that will be processed per block.

arm_fir_sparse_init_q15

@brief Initialization function for the Q15 sparse FIR filter. @param[in,out] S points to an instance of the Q15 sparse FIR structure. @param[in] numTaps number of nonzero coefficients in the filter. @param[in] pCoeffs points to the array of filter coefficients. @param[in] pState points to the state buffer. @param[in] pTapDelay points to the array of offset times. @param[in] maxDelay maximum offset time supported. @param[in] blockSize number of samples that will be processed per block.

arm_fir_sparse_init_q31

@brief Initialization function for the Q31 sparse FIR filter. @param[in,out] S points to an instance of the Q31 sparse FIR structure. @param[in] numTaps number of nonzero coefficients in the filter. @param[in] pCoeffs points to the array of filter coefficients. @param[in] pState points to the state buffer. @param[in] pTapDelay points to the array of offset times. @param[in] maxDelay maximum offset time supported. @param[in] blockSize number of samples that will be processed per block.

arm_fir_sparse_q7

@brief Processing function for the Q7 sparse FIR filter. @param[in] S points to an instance of the Q7 sparse FIR structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] pScratchIn points to a temporary buffer of size blockSize. @param[in] pScratchOut points to a temporary buffer of size blockSize. @param[in] blockSize number of input samples to process per call.

arm_fir_sparse_q15

@brief Processing function for the Q15 sparse FIR filter. @param[in] S points to an instance of the Q15 sparse FIR structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] pScratchIn points to a temporary buffer of size blockSize. @param[in] pScratchOut points to a temporary buffer of size blockSize. @param[in] blockSize number of input samples to process per call.

arm_fir_sparse_q31

@brief Processing function for the Q31 sparse FIR filter. @param[in] S points to an instance of the Q31 sparse FIR structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] pScratchIn points to a temporary buffer of size blockSize. @param[in] blockSize number of input samples to process per call.

arm_float_to_q7

@brief Converts the elements of the floating-point vector to Q7 vector. @param[in] pSrc points to the floating-point input vector @param[out] pDst points to the Q7 output vector @param[in] blockSize length of the input vector

arm_float_to_q15

@brief Converts the elements of the floating-point vector to Q15 vector. @param[in] pSrc points to the floating-point input vector @param[out] pDst points to the Q15 output vector @param[in] blockSize length of the input vector

arm_float_to_q31

@brief Converts the elements of the floating-point vector to Q31 vector. @param[in] pSrc points to the floating-point input vector @param[out] pDst points to the Q31 output vector @param[in] blockSize length of the input vector

arm_gaussian_naive_bayes_predict_f32

@brief Naive Gaussian Bayesian Estimator

arm_hamming_distance

@brief Hamming distance between two vectors

arm_iir_lattice_f32

@brief Processing function for the floating-point IIR lattice filter. @param[in] S points to an instance of the floating-point IIR lattice structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_iir_lattice_init_f32

@brief Initialization function for the floating-point IIR lattice filter. @param[in] S points to an instance of the floating-point IIR lattice structure. @param[in] numStages number of stages in the filter. @param[in] pkCoeffs points to the reflection coefficient buffer. The array is of length numStages. @param[in] pvCoeffs points to the ladder coefficient buffer. The array is of length numStages+1. @param[in] pState points to the state buffer. The array is of length numStages+blockSize-1. @param[in] blockSize number of samples to process.

arm_iir_lattice_init_q15

@brief Initialization function for the Q15 IIR lattice filter. @param[in] S points to an instance of the fixed-point Q15 IIR lattice structure. @param[in] numStages number of stages in the filter. @param[in] pkCoeffs points to reflection coefficient buffer. The array is of length numStages. @param[in] pvCoeffs points to ladder coefficient buffer. The array is of length numStages+1. @param[in] pState points to state buffer. The array is of length numStages+blockSize. @param[in] blockSize number of samples to process per call.

arm_iir_lattice_init_q31

@brief Initialization function for the Q31 IIR lattice filter. @param[in] S points to an instance of the Q31 IIR lattice structure. @param[in] numStages number of stages in the filter. @param[in] pkCoeffs points to the reflection coefficient buffer. The array is of length numStages. @param[in] pvCoeffs points to the ladder coefficient buffer. The array is of length numStages+1. @param[in] pState points to the state buffer. The array is of length numStages+blockSize. @param[in] blockSize number of samples to process.

arm_iir_lattice_q15

@brief Processing function for the Q15 IIR lattice filter. @param[in] S points to an instance of the Q15 IIR lattice structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_iir_lattice_q31

@brief Processing function for the Q31 IIR lattice filter. @param[in] S points to an instance of the Q31 IIR lattice structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_jaccard_distance

@brief Jaccard distance between two vectors

arm_jensenshannon_distance_f32

@brief Jensen-Shannon distance between two vectors

arm_kullback_leibler_f32

@brief Kullback-Leibler

arm_kullback_leibler_f64

@brief Kullback-Leibler

arm_kulsinski_distance

@brief Kulsinski distance between two vectors

arm_lms_f32

@brief Processing function for floating-point LMS filter. @param[in] S points to an instance of the floating-point LMS filter structure. @param[in] pSrc points to the block of input data. @param[in] pRef points to the block of reference data. @param[out] pOut points to the block of output data. @param[out] pErr points to the block of error data. @param[in] blockSize number of samples to process.

arm_lms_init_f32

@brief Initialization function for floating-point LMS filter. @param[in] S points to an instance of the floating-point LMS filter structure. @param[in] numTaps number of filter coefficients. @param[in] pCoeffs points to the coefficient buffer. @param[in] pState points to state buffer. @param[in] mu step size that controls filter coefficient updates. @param[in] blockSize number of samples to process.

arm_lms_init_q15

@brief Initialization function for the Q15 LMS filter. @param[in] S points to an instance of the Q15 LMS filter structure. @param[in] numTaps number of filter coefficients. @param[in] pCoeffs points to the coefficient buffer. @param[in] pState points to the state buffer. @param[in] mu step size that controls filter coefficient updates. @param[in] blockSize number of samples to process. @param[in] postShift bit shift applied to coefficients.

arm_lms_init_q31

@brief Initialization function for Q31 LMS filter. @param[in] S points to an instance of the Q31 LMS filter structure. @param[in] numTaps number of filter coefficients. @param[in] pCoeffs points to coefficient buffer. @param[in] pState points to state buffer. @param[in] mu step size that controls filter coefficient updates. @param[in] blockSize number of samples to process. @param[in] postShift bit shift applied to coefficients.

arm_lms_norm_f32

@brief Processing function for floating-point normalized LMS filter. @param[in] S points to an instance of the floating-point normalized LMS filter structure. @param[in] pSrc points to the block of input data. @param[in] pRef points to the block of reference data. @param[out] pOut points to the block of output data. @param[out] pErr points to the block of error data. @param[in] blockSize number of samples to process.

arm_lms_norm_init_f32

@brief Initialization function for floating-point normalized LMS filter. @param[in] S points to an instance of the floating-point LMS filter structure. @param[in] numTaps number of filter coefficients. @param[in] pCoeffs points to coefficient buffer. @param[in] pState points to state buffer. @param[in] mu step size that controls filter coefficient updates. @param[in] blockSize number of samples to process.

arm_lms_norm_init_q15

@brief Initialization function for Q15 normalized LMS filter. @param[in] S points to an instance of the Q15 normalized LMS filter structure. @param[in] numTaps number of filter coefficients. @param[in] pCoeffs points to coefficient buffer. @param[in] pState points to state buffer. @param[in] mu step size that controls filter coefficient updates. @param[in] blockSize number of samples to process. @param[in] postShift bit shift applied to coefficients.

arm_lms_norm_init_q31

@brief Initialization function for Q31 normalized LMS filter. @param[in] S points to an instance of the Q31 normalized LMS filter structure. @param[in] numTaps number of filter coefficients. @param[in] pCoeffs points to coefficient buffer. @param[in] pState points to state buffer. @param[in] mu step size that controls filter coefficient updates. @param[in] blockSize number of samples to process. @param[in] postShift bit shift applied to coefficients.

arm_lms_norm_q15

@brief Processing function for Q15 normalized LMS filter. @param[in] S points to an instance of the Q15 normalized LMS filter structure. @param[in] pSrc points to the block of input data. @param[in] pRef points to the block of reference data. @param[out] pOut points to the block of output data. @param[out] pErr points to the block of error data. @param[in] blockSize number of samples to process.

arm_lms_norm_q31

@brief Processing function for Q31 normalized LMS filter. @param[in] S points to an instance of the Q31 normalized LMS filter structure. @param[in] pSrc points to the block of input data. @param[in] pRef points to the block of reference data. @param[out] pOut points to the block of output data. @param[out] pErr points to the block of error data. @param[in] blockSize number of samples to process.

arm_lms_q15

@brief Processing function for Q15 LMS filter. @param[in] S points to an instance of the Q15 LMS filter structure. @param[in] pSrc points to the block of input data. @param[in] pRef points to the block of reference data. @param[out] pOut points to the block of output data. @param[out] pErr points to the block of error data. @param[in] blockSize number of samples to process.

arm_lms_q31

@brief Processing function for Q31 LMS filter. @param[in] S points to an instance of the Q15 LMS filter structure. @param[in] pSrc points to the block of input data. @param[in] pRef points to the block of reference data. @param[out] pOut points to the block of output data. @param[out] pErr points to the block of error data. @param[in] blockSize number of samples to process.

arm_logsumexp_dot_prod_f32

@brief Dot product with log arithmetic

arm_logsumexp_f32

@brief Computation of the LogSumExp

arm_mat_add_f32

@brief Floating-point matrix addition. @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_add_q15

@brief Q15 matrix addition. @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_add_q31

@brief Q31 matrix addition. @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_cmplx_mult_f32

@brief Floating-point, complex, matrix multiplication. @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_cmplx_mult_q15

@brief Q15, complex, matrix multiplication. @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_cmplx_mult_q31

@brief Q31, complex, matrix multiplication. @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_init_f32

@brief Floating-point matrix initialization. @param[in,out] S points to an instance of the floating-point matrix structure. @param[in] nRows number of rows in the matrix. @param[in] nColumns number of columns in the matrix. @param[in] pData points to the matrix data array.

arm_mat_init_q15

@brief Q15 matrix initialization. @param[in,out] S points to an instance of the floating-point matrix structure. @param[in] nRows number of rows in the matrix. @param[in] nColumns number of columns in the matrix. @param[in] pData points to the matrix data array.

arm_mat_init_q31

@brief Q31 matrix initialization. @param[in,out] S points to an instance of the floating-point matrix structure. @param[in] nRows number of rows in the matrix. @param[in] nColumns number of columns in the matrix. @param[in] pData points to the matrix data array.

arm_mat_inverse_f32

@brief Floating-point matrix inverse. @param[in] src points to the instance of the input floating-point matrix structure. @param[out] dst points to the instance of the output floating-point matrix structure. @return The function returns ARM_MATH_SIZE_MISMATCH, if the dimensions do not match. If the input matrix is singular (does not have an inverse), then the algorithm terminates and returns error status ARM_MATH_SINGULAR.

arm_mat_inverse_f64

@brief Floating-point matrix inverse. @param[in] src points to the instance of the input floating-point matrix structure. @param[out] dst points to the instance of the output floating-point matrix structure. @return The function returns ARM_MATH_SIZE_MISMATCH, if the dimensions do not match. If the input matrix is singular (does not have an inverse), then the algorithm terminates and returns error status ARM_MATH_SINGULAR.

arm_mat_mult_f32

@brief Floating-point matrix multiplication @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_mult_fast_q15

@brief Q15 matrix multiplication (fast variant) for Cortex-M3 and Cortex-M4 @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @param[in] pState points to the array for storing intermediate results @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_mult_fast_q31

@brief Q31 matrix multiplication (fast variant) for Cortex-M3 and Cortex-M4 @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_mult_q15

@brief Q15 matrix multiplication @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @param[in] pState points to the array for storing intermediate results @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_mult_q31

@brief Q31 matrix multiplication @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_scale_f32

@brief Floating-point matrix scaling. @param[in] pSrc points to the input matrix @param[in] scale scale factor @param[out] pDst points to the output matrix @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_scale_q15

@brief Q15 matrix scaling. @param[in] pSrc points to input matrix @param[in] scaleFract fractional portion of the scale factor @param[in] shift number of bits to shift the result by @param[out] pDst points to output matrix @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_scale_q31

@brief Q31 matrix scaling. @param[in] pSrc points to input matrix @param[in] scaleFract fractional portion of the scale factor @param[in] shift number of bits to shift the result by @param[out] pDst points to output matrix structure @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_sub_f32

@brief Floating-point matrix subtraction @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_sub_q15

@brief Q15 matrix subtraction @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_sub_q31

@brief Q31 matrix subtraction @param[in] pSrcA points to the first input matrix structure @param[in] pSrcB points to the second input matrix structure @param[out] pDst points to output matrix structure @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_trans_f32

@brief Floating-point matrix transpose. @param[in] pSrc points to the input matrix @param[out] pDst points to the output matrix @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_trans_q15

@brief Q15 matrix transpose. @param[in] pSrc points to the input matrix @param[out] pDst points to the output matrix @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_mat_trans_q31

@brief Q31 matrix transpose. @param[in] pSrc points to the input matrix @param[out] pDst points to the output matrix @return The function returns either ARM_MATH_SIZE_MISMATCH or ARM_MATH_SUCCESS based on the outcome of size checking.

arm_max_f32

@brief Maximum value of a floating-point vector. @param[in] pSrc points to the input buffer @param[in] blockSize length of the input vector @param[out] pResult maximum value returned here @param[out] pIndex index of maximum value returned here

arm_max_no_idx_f32

@brief Maximum value of a floating-point vector. @param[in] pSrc points to the input vector @param[in] blockSize number of samples in input vector @param[out] pResult maximum value returned here @return none

arm_max_q7

@brief Maximum value of a Q7 vector. @param[in] pSrc points to the input buffer @param[in] blockSize length of the input vector @param[out] pResult maximum value returned here @param[out] pIndex index of maximum value returned here

arm_max_q15

@brief Maximum value of a Q15 vector. @param[in] pSrc points to the input buffer @param[in] blockSize length of the input vector @param[out] pResult maximum value returned here @param[out] pIndex index of maximum value returned here

arm_max_q31

@brief Maximum value of a Q31 vector. @param[in] pSrc points to the input buffer @param[in] blockSize length of the input vector @param[out] pResult maximum value returned here @param[out] pIndex index of maximum value returned here

arm_mean_f32

@brief Mean value of a floating-point vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_mean_q7

@brief Mean value of a Q7 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_mean_q15

@brief Mean value of a Q15 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_mean_q31

@brief Mean value of a Q31 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_merge_sort_f32

@param[in] S points to an instance of the sorting structure. @param[in,out] pSrc points to the block of input data. @param[out] pDst points to the block of output data @param[in] blockSize number of samples to process.

arm_merge_sort_init_f32

@param[in,out] S points to an instance of the sorting structure. @param[in] dir Sorting order. @param[in] buffer Working buffer.

arm_min_f32

@brief Minimum value of a floating-point vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output pointer @param[out] pIndex is the array index of the minimum value in the input buffer.

arm_min_q7

@brief Minimum value of a Q7 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] result is output pointer @param[in] index is the array index of the minimum value in the input buffer.

arm_min_q15

@brief Minimum value of a Q15 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output pointer @param[in] pIndex is the array index of the minimum value in the input buffer.

arm_min_q31

@brief Minimum value of a Q31 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output pointer @param[out] pIndex is the array index of the minimum value in the input buffer.

arm_minkowski_distance_f32

@brief Minkowski distance between two vectors

arm_mult_f32

@brief Floating-point vector multiplication. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector

arm_mult_q7

@brief Q7 vector multiplication. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector

arm_mult_q15

@brief Q15 vector multiplication. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector

arm_mult_q31

@brief Q31 vector multiplication. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector

arm_negate_f32

@brief Negates the elements of a floating-point vector. @param[in] pSrc points to the input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_negate_q7

@brief Negates the elements of a Q7 vector. @param[in] pSrc points to the input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_negate_q15

@brief Negates the elements of a Q15 vector. @param[in] pSrc points to the input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_negate_q31

@brief Negates the elements of a Q31 vector. @param[in] pSrc points to the input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_not_u8

@brief Compute the logical bitwise NOT of a fixed-point vector. @param[in] pSrc points to input vector @param[out] pDst points to output vector @param[in] blockSize number of samples in each vector @return none

arm_not_u16

@brief Compute the logical bitwise NOT of a fixed-point vector. @param[in] pSrc points to input vector @param[out] pDst points to output vector @param[in] blockSize number of samples in each vector @return none

arm_not_u32

@brief Compute the logical bitwise NOT of a fixed-point vector. @param[in] pSrc points to input vector @param[out] pDst points to output vector @param[in] blockSize number of samples in each vector @return none

arm_offset_f32

@brief Adds a constant offset to a floating-point vector. @param[in] pSrc points to the input vector @param[in] offset is the offset to be added @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_offset_q7

@brief Adds a constant offset to a Q7 vector. @param[in] pSrc points to the input vector @param[in] offset is the offset to be added @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_offset_q15

@brief Adds a constant offset to a Q15 vector. @param[in] pSrc points to the input vector @param[in] offset is the offset to be added @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_offset_q31

@brief Adds a constant offset to a Q31 vector. @param[in] pSrc points to the input vector @param[in] offset is the offset to be added @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_or_u8

@brief Compute the logical bitwise OR of two fixed-point vectors. @param[in] pSrcA points to input vector A @param[in] pSrcB points to input vector B @param[out] pDst points to output vector @param[in] blockSize number of samples in each vector @return none

arm_or_u16

@brief Compute the logical bitwise OR of two fixed-point vectors. @param[in] pSrcA points to input vector A @param[in] pSrcB points to input vector B @param[out] pDst points to output vector @param[in] blockSize number of samples in each vector @return none

arm_or_u32

@brief Compute the logical bitwise OR of two fixed-point vectors. @param[in] pSrcA points to input vector A @param[in] pSrcB points to input vector B @param[out] pDst points to output vector @param[in] blockSize number of samples in each vector @return none

arm_pid_init_f32

@brief Initialization function for the floating-point PID Control. @param[in,out] S points to an instance of the PID structure. @param[in] resetStateFlag flag to reset the state. 0 = no change in state 1 = reset the state.

arm_pid_init_q15

@brief Initialization function for the Q15 PID Control. @param[in,out] S points to an instance of the Q15 PID structure. @param[in] resetStateFlag flag to reset the state. 0 = no change in state 1 = reset the state.

arm_pid_init_q31

@brief Initialization function for the Q31 PID Control. @param[in,out] S points to an instance of the Q15 PID structure. @param[in] resetStateFlag flag to reset the state. 0 = no change in state 1 = reset the state.

arm_pid_reset_f32

@brief Reset function for the floating-point PID Control. @param[in,out] S is an instance of the floating-point PID Control structure

arm_pid_reset_q15

@brief Reset function for the Q15 PID Control. @param[in,out] S points to an instance of the q15 PID Control structure

arm_pid_reset_q31

@brief Reset function for the Q31 PID Control. @param[in,out] S points to an instance of the Q31 PID Control structure

arm_power_f32

@brief Sum of the squares of the elements of a floating-point vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_power_q7

@brief Sum of the squares of the elements of a Q7 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_power_q15

@brief Sum of the squares of the elements of a Q15 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_power_q31

@brief Sum of the squares of the elements of a Q31 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_q7_to_float

@brief Converts the elements of the Q7 vector to floating-point vector. @param[in] pSrc is input pointer @param[out] pDst is output pointer @param[in] blockSize is the number of samples to process

arm_q7_to_q15

@brief Converts the elements of the Q7 vector to Q15 vector. @param[in] pSrc input pointer @param[out] pDst output pointer @param[in] blockSize number of samples to process

arm_q7_to_q31

@brief Converts the elements of the Q7 vector to Q31 vector. @param[in] pSrc input pointer @param[out] pDst output pointer @param[in] blockSize number of samples to process

arm_q15_to_float

@brief Converts the elements of the Q15 vector to floating-point vector. @param[in] pSrc is input pointer @param[out] pDst is output pointer @param[in] blockSize is the number of samples to process

arm_q15_to_q7

@brief Converts the elements of the Q15 vector to Q7 vector. @param[in] pSrc is input pointer @param[out] pDst is output pointer @param[in] blockSize is the number of samples to process

arm_q15_to_q31

@brief Converts the elements of the Q15 vector to Q31 vector. @param[in] pSrc is input pointer @param[out] pDst is output pointer @param[in] blockSize is the number of samples to process

arm_q31_to_float

@brief Converts the elements of the Q31 vector to floating-point vector. @param[in] pSrc is input pointer @param[out] pDst is output pointer @param[in] blockSize is the number of samples to process

arm_q31_to_q7

@brief Converts the elements of the Q31 vector to Q7 vector. @param[in] pSrc is input pointer @param[out] pDst is output pointer @param[in] blockSize is the number of samples to process

arm_q31_to_q15

@brief Converts the elements of the Q31 vector to Q15 vector. @param[in] pSrc is input pointer @param[out] pDst is output pointer @param[in] blockSize is the number of samples to process

arm_rfft_f32
arm_rfft_fast_f32
arm_rfft_fast_f64
arm_rfft_fast_init_f32
arm_rfft_fast_init_f64
arm_rfft_init_f32
arm_rfft_init_q15
arm_rfft_init_q31
arm_rfft_q15
arm_rfft_q31
arm_rms_f32

@brief Root Mean Square of the elements of a floating-point vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_rms_q15

@brief Root Mean Square of the elements of a Q15 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_rms_q31

@brief Root Mean Square of the elements of a Q31 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_rogerstanimoto_distance

@brief Roger Stanimoto distance between two vectors

arm_russellrao_distance

@brief Russell-Rao distance between two vectors

arm_scale_f32

@brief Multiplies a floating-point vector by a scalar. @param[in] pSrc points to the input vector @param[in] scale scale factor to be applied @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_scale_q7

@brief Multiplies a Q7 vector by a scalar. @param[in] pSrc points to the input vector @param[in] scaleFract fractional portion of the scale value @param[in] shift number of bits to shift the result by @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_scale_q15

@brief Multiplies a Q15 vector by a scalar. @param[in] pSrc points to the input vector @param[in] scaleFract fractional portion of the scale value @param[in] shift number of bits to shift the result by @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_scale_q31

@brief Multiplies a Q31 vector by a scalar. @param[in] pSrc points to the input vector @param[in] scaleFract fractional portion of the scale value @param[in] shift number of bits to shift the result by @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_shift_q7

@brief Shifts the elements of a Q7 vector a specified number of bits. @param[in] pSrc points to the input vector @param[in] shiftBits number of bits to shift. A positive value shifts left; a negative value shifts right. @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_shift_q15

@brief Shifts the elements of a Q15 vector a specified number of bits. @param[in] pSrc points to the input vector @param[in] shiftBits number of bits to shift. A positive value shifts left; a negative value shifts right. @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_shift_q31

@brief Shifts the elements of a Q31 vector a specified number of bits. @param[in] pSrc points to the input vector @param[in] shiftBits number of bits to shift. A positive value shifts left; a negative value shifts right. @param[out] pDst points to the output vector @param[in] blockSize number of samples in the vector

arm_sin_cos_f32

@brief Floating-point sin_cos function. @param[in] theta input value in degrees @param[out] pSinVal points to the processed sine output. @param[out] pCosVal points to the processed cos output.

arm_sin_cos_q31

@brief Q31 sin_cos function. @param[in] theta scaled input value in degrees @param[out] pSinVal points to the processed sine output. @param[out] pCosVal points to the processed cosine output.

arm_sin_f32

@brief Fast approximation to the trigonometric sine function for floating-point data. @param[in] x input value in radians. @return sin(x).

arm_sin_q15

@brief Fast approximation to the trigonometric sine function for Q15 data. @param[in] x Scaled input value in radians. @return sin(x).

arm_sin_q31

@brief Fast approximation to the trigonometric sine function for Q31 data. @param[in] x Scaled input value in radians. @return sin(x).

arm_sokalmichener_distance

@brief Sokal-Michener distance between two vectors

arm_sokalsneath_distance

@brief Sokal-Sneath distance between two vectors

arm_sort_f32

@param[in] S points to an instance of the sorting structure. @param[in] pSrc points to the block of input data. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples to process.

arm_sort_init_f32

@param[in,out] S points to an instance of the sorting structure. @param[in] alg Selected algorithm. @param[in] dir Sorting order.

arm_spline_f32

@brief Processing function for the floating-point cubic spline interpolation. @param[in] S points to an instance of the floating-point spline structure. @param[in] xq points to the x values ot the interpolated data points. @param[out] pDst points to the block of output data. @param[in] blockSize number of samples of output data.

arm_spline_init_f32

@brief Initialization function for the floating-point cubic spline interpolation. @param[in,out] S points to an instance of the floating-point spline structure. @param[in] type type of cubic spline interpolation (boundary conditions) @param[in] x points to the x values of the known data points. @param[in] y points to the y values of the known data points. @param[in] n number of known data points. @param[in] coeffs coefficients array for b, c, and d @param[in] tempBuffer buffer array for internal computations

arm_sqrt_q15

@brief Q15 square root function. @param[in] in input value. The range of the input value is [0 +1) or 0x0000 to 0x7FFF @param[out] pOut points to square root of input value @return execution status

arm_sqrt_q31

@brief Q31 square root function. @param[in] in input value. The range of the input value is [0 +1) or 0x00000000 to 0x7FFFFFFF @param[out] pOut points to square root of input value @return execution status

arm_std_f32

@brief Standard deviation of the elements of a floating-point vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_std_q15

@brief Standard deviation of the elements of a Q15 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_std_q31

@brief Standard deviation of the elements of a Q31 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_sub_f32

@brief Floating-point vector subtraction. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector

arm_sub_q7

@brief Q7 vector subtraction. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector

arm_sub_q15

@brief Q15 vector subtraction. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector

arm_sub_q31

@brief Q31 vector subtraction. @param[in] pSrcA points to the first input vector @param[in] pSrcB points to the second input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector

arm_svm_linear_init_f32

@brief SVM linear instance init function @param[in] S Parameters for SVM functions @param[in] nbOfSupportVectors Number of support vectors @param[in] vectorDimension Dimension of vector space @param[in] intercept Intercept @param[in] dualCoefficients Array of dual coefficients @param[in] supportVectors Array of support vectors @param[in] classes Array of 2 classes ID @return none.

arm_svm_linear_predict_f32

@brief SVM linear prediction @param[in] S Pointer to an instance of the linear SVM structure. @param[in] in Pointer to input vector @param[out] pResult Decision value @return none.

arm_svm_polynomial_init_f32

@brief SVM polynomial instance init function @param[in] S points to an instance of the polynomial SVM structure. @param[in] nbOfSupportVectors Number of support vectors @param[in] vectorDimension Dimension of vector space @param[in] intercept Intercept @param[in] dualCoefficients Array of dual coefficients @param[in] supportVectors Array of support vectors @param[in] classes Array of 2 classes ID @param[in] degree Polynomial degree @param[in] coef0 coeff0 (scikit-learn terminology) @param[in] gamma gamma (scikit-learn terminology) @return none.

arm_svm_polynomial_predict_f32

@brief SVM polynomial prediction @param[in] S Pointer to an instance of the polynomial SVM structure. @param[in] in Pointer to input vector @param[out] pResult Decision value @return none.

arm_svm_rbf_init_f32

@brief SVM radial basis function instance init function @param[in] S points to an instance of the polynomial SVM structure. @param[in] nbOfSupportVectors Number of support vectors @param[in] vectorDimension Dimension of vector space @param[in] intercept Intercept @param[in] dualCoefficients Array of dual coefficients @param[in] supportVectors Array of support vectors @param[in] classes Array of 2 classes ID @param[in] gamma gamma (scikit-learn terminology) @return none.

arm_svm_rbf_predict_f32

@brief SVM rbf prediction @param[in] S Pointer to an instance of the rbf SVM structure. @param[in] in Pointer to input vector @param[out] pResult decision value @return none.

arm_svm_sigmoid_init_f32

@brief SVM sigmoid instance init function @param[in] S points to an instance of the rbf SVM structure. @param[in] nbOfSupportVectors Number of support vectors @param[in] vectorDimension Dimension of vector space @param[in] intercept Intercept @param[in] dualCoefficients Array of dual coefficients @param[in] supportVectors Array of support vectors @param[in] classes Array of 2 classes ID @param[in] coef0 coeff0 (scikit-learn terminology) @param[in] gamma gamma (scikit-learn terminology) @return none.

arm_svm_sigmoid_predict_f32

@brief SVM sigmoid prediction @param[in] S Pointer to an instance of the rbf SVM structure. @param[in] in Pointer to input vector @param[out] pResult Decision value @return none.

arm_var_f32

@brief Variance of the elements of a floating-point vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_var_q15

@brief Variance of the elements of a Q15 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_var_q31

@brief Variance of the elements of a Q31 vector. @param[in] pSrc is input pointer @param[in] blockSize is the number of samples to process @param[out] pResult is output value.

arm_vexp_f32

@brief Floating-point vector of exp values. @param[in] pSrc points to the input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector @return none

arm_vlog_f32

@brief Floating-point vector of log values. @param[in] pSrc points to the input vector @param[out] pDst points to the output vector @param[in] blockSize number of samples in each vector @return none

arm_vsqrt_f32

@brief Vector Floating-point square root function. @param[in] pIn input vector. @param[out] pOut vector of square roots of input elements. @param[in] len length of input vector. @return The function returns ARM_MATH_SUCCESS if input value is positive value or ARM_MATH_ARGUMENT_ERROR if in is negative value and returns zero output for negative values.

arm_vsqrt_q15
arm_vsqrt_q31
arm_weighted_sum_f32

@brief Weighted sum

arm_xor_u8

@brief Compute the logical bitwise XOR of two fixed-point vectors. @param[in] pSrcA points to input vector A @param[in] pSrcB points to input vector B @param[out] pDst points to output vector @param[in] blockSize number of samples in each vector @return none

arm_xor_u16

@brief Compute the logical bitwise XOR of two fixed-point vectors. @param[in] pSrcA points to input vector A @param[in] pSrcB points to input vector B @param[out] pDst points to output vector @param[in] blockSize number of samples in each vector @return none

arm_xor_u32

@brief Compute the logical bitwise XOR of two fixed-point vectors. @param[in] pSrcA points to input vector A @param[in] pSrcB points to input vector B @param[out] pDst points to output vector @param[in] blockSize number of samples in each vector @return none

arm_yule_distance

@brief Yule distance between two vectors

Type Definitions

float32_t

@brief 32-bit floating-point type definition.

float64_t

@brief 64-bit floating-point type definition.

q7_t

@brief 8-bit fractional data type in 1.7 format.

q15_t

@brief 16-bit fractional data type in 1.15 format.

q31_t

@brief 32-bit fractional data type in 1.31 format.

q63_t

@brief 64-bit fractional data type in 1.63 format.