Functions
Documentation grouped by category:
af.Array - Represents an ArrayFire array |
af.library.random.RandomEngine - Reperesents an ArrayFire custom random engine |
af.library.features.Features - Represents an ArrayFire Feature Extraction class |
af.abs() - Calculate the absolute value. |
af.accum() - Evaluate the cumulative sum (inclusive) along a given dimension. |
af.acos() - Evaluate the inverse cosine function (arc cosine). |
af.acosh() - Evaluate the inverse hyperbolic cosine function (area hyperbolic cosine). |
af.add() - Elementwise addition. |
af.all_true() - Check if all values along a given dimension are true. |
af.alloc_device() - Allocate memory on device |
af.alloc_host() - Allocate memory on host. |
af.alloc_pinned() - Allocate pinned memory on device. |
af.anisotropic_diffusion() - Anisotropic Smoothing Filter. |
af.any_true() - Check if any values along a given dimension are true. |
af.approx1() - Interpolation across a single dimension. |
af.approx1_uniform() - Interpolation across a single dimension in uniform steps |
af.approx2() - Interpolation along two dimensions. |
af.approx2_uniform() - Interpolation along two dimensions in uniform steps |
af.arg() - Calculate the phase angle (in radians) of a complex array. |
af.asin() - Evaluate the inverse sine function (arc sine). |
af.asinh() - Evaluate the inverse hyperbolic sine function (area hyperbolic sine). |
af.atan() - Evaluate the inverse tangent function (arc tangent). |
af.atan2() - Evaluate the inverse tangent function (arc tangent). |
af.atanh() - Evaluate the inverse hyperbolic tangent function (area hyperbolic tangent). |
af.bilateral() - Bilateral Filter. |
af.bitand() - Evaluate the bitwise AND of two arrays. |
af.bitnot() - Evaluate the bitwise NOT of an array. |
af.bitor() - Evaluate the bitwise OR of two arrays. |
af.bitshiftl() - Shift the bits of integer arrays left. |
af.bitshiftr() - Shift the bits of integer arrays right. |
af.bitxor() - Evaluate the bitwise XOR of two arrays. |
af.canny() - Canny Edge Detector. |
af.cast() - Cast an array from one type to another. |
af.cbrt() - Evaluate the cube root. |
af.ceil() - Rounds up to the least integer greater than or equal to x. |
af.cholesky() - Perform Cholesky decomposition. |
af.clamp() - Clamp an array between an upper and a lower limit. |
af.color_space() - Colorspace conversion function. |
af.confidence_cc() - Segment image based on similar pixel characteristics. |
af.conjg() - Evaluate the complex conjugate of an input array. |
af.constant() - Create an array from a scalar input value. |
af.convolve1() - Convolution Integral for one dimensional data. |
af.convolve2() - Convolution Integral for two dimensional data. |
af.convolve2_gradient_nn() - Version of convolution that is consistent with the machine learning formulation that will spatially convolve a filter on 2-dimensions against a signal. |
af.convolve2_nn() - Version of convolution that is consistent with the machine learning formulation that will spatially convolve a filter on 2-dimensions against a signal. |
af.convolve2_separable() - Faster equivalent of the canonical 2D convolution for filters/kernels that can be decomposed into two separate spatial vectors. |
af.convolve3() - Convolution Integral for three dimensional data. |
af.copy_array() - Performs a deep copy of the array. |
af.cos() - Evaluate the cosine function. |
af.cosh() - Evaluate the hyperbolic cosine function. |
af.count() - Count non-zero values in an array along a given dimension. |
af.cplx() - Creates complex arrays from real and imaginary parts |
af.cublas_set_math_mode() - Sets the cuBLAS math mode for the internal handle |
af.delete_image_memory() - Delete memory created by saveImageMem |
af.det() - Find the determinant of a matrix. |
af.device_gc() - Call the garbage collection routine |
af.device_info() - Gets the information about device and platform as strings. |
af.device_mem_info() - Gets information about the memory manager |
af.diag() - Extract the diagonal from an array. |
af.diff1() - Calculate the first order difference in an array over a given dimension. |
af.diff2() - Calculate the second order difference in an array over a given dimension. |
af.dilate() - Dilation(morphological operator) for images. |
af.div() - Elementwise division. |
af.dog() - Difference of Gaussians. |
af.dot() - Compute the dot product. |
af.eq() - Equal to, an elementwise comparison of two arrays. |
af.erf() - Evaluate the error function. |
af.erfc() - Evaluate the complementary error function. |
af.erode() - Erosion(morphological operator) for images. |
af.eval() - Evaluate an expression (nonblocking). |
af.exp() - Evaluate the exponential function. |
af.expm1() - Evaluate the exponential function of an array minus 1, exp(in) - 1. |
af.factorial() - Evaluate the factorial. |
af.fast() - FAST feature detector. |
af.fft() - Fast Fourier Transform. |
af.fft2() - Fast Fourier Transform. |
af.fft2_c2r() - Fast fourier transform on two dimensional real signals producing complex output |
af.fft2_r2c() - Fast fourier transform on two dimensional real signals producing complex output |
af.fft3() - Fast Fourier Transform. |
af.fft3_c2r() - Fast fourier transform on three dimensional real signals producing complex output |
af.fft3_r2c() - Fast fourier transform on three dimensional real signals producing complex output |
af.fft_c2r() - Fast fourier transform on complex signals producing real output |
af.fft_convolve1() - FFT-based convolution for one dimensional signals |
af.fft_convolve2() - FFT-based convolution for two dimensional signals |
af.fft_convolve3() - FFT-based convolution for three dimensional signals |
af.fft_r2c() - Fast fourier transform on real signals producing complex output |
af.fir() - This function implements a Finite Impulse Filter. |
af.flat() - Flatten an array. |
af.flip() - Flip the input along a specified dimension. |
af.floor() - Rounds down to the greatest integer less than or equal to x. |
af.free_device() - Free memory allocated on device internally by ArrayFire. |
af.free_host() - Free memory allocated on host internally by ArrayFire. |
af.free_pinned() - Free pinned memory allocated by ArrayFire’s memory manager. |
af.gaussian_kernel() - Creates a Gaussian Kernel. |
af.ge() - Greater than or equal to, an elementwise comparison of two arrays. |
af.gemm() - General matrix multiplication. |
af.get_backend() - Gets the backend enum for the active backend. |
af.get_dbl_support() - Gets if the device supports double floating point |
af.get_device() - Get the current device ID. |
af.get_device_count() - Gets the number of compute devices on the system. |
af.get_half_support() - Gets if the device supports half floating point |
af.get_kernel_cache_directory() - Returns directory where ArrayFire JIT kernels are being stored |
af.get_mem_step_size() - Get the minimum memory chunk size. |
af.get_native_id() - Get the native device id of the CUDA device with id in ArrayFire context |
af.get_stream() - Returns the current cuda stream |
af.gloh() - SIFT feature detector and GLOH descriptor extractor. |
af.gradient() - Calculate the gradients of the input |
af.gray2rgb() - Grayscale to RGB colorspace converter. |
af.gt() - Greater than comparison, an elementwise comparison of two arrays. |
af.hamming_matcher() - Calculates Hamming distances between two 2-dimensional arrays |
af.harris() - Harris corner detector. |
af.hist_equal() - Histogram equalization of input image. |
af.histogram() - Histogram of input data. |
af.hsv2rgb() - HSV to RGB colorspace converter. |
af.hypot() - Evaluate the length of the hypotenuse of two inputs. |
af.identity() - Generate an identity matrix. |
af.ifft() - Fast Fourier Transform. |
af.ifft2() - Fast Fourier Transform. |
af.ifft3() - Fast Fourier Transform. |
af.iir() - This function implements a Infinite Impulse Filter. |
af.imag() - Returns the imaginary part of a complex array. |
af.imax() - Finds the maximum value. |
af.imin() - Finds the minimum value. |
af.info() - Display ArrayFire and device info. |
af.info_string() - Returns a string with information of current device and backend |
af.init() - Initializes ArrayFire |
af.inv() - Computes the inverse of a matrix. |
af.inverse() - Invert a matrix. |
af.inverse_deconv() - Inverse Deconvolution using linear algebra (non-iterative) methods |
af.iota() - Generate an array with [0, n-1] values modified to specified dimensions and tiling. |
af.is_image_io_available() - Checks if Image IO is available |
af.is_lapack_available() - Check if lapack runtimes are available |
af.isinf() - Check if values are infinite. |
af.isnan() - Check if values are NaN. |
af.iszero() - Check if values are zero. |
af.iterative_deconv() - Inverse Deconvolution using iterative methods |
af.join() - Join up to 4 arrays along specified dimension. |
af.le() - Less than or equal to, an elementwise comparison of two arrays. |
af.lgamma() - Evaluate the logarithm of the absolute value of the gamma function. |
af.load_image() - Load an image from disk to an array |
af.load_image_memory() - Load an image from memory which is stored as a FreeImage stream |
af.load_image_native() - Load an image as is original type. |
af.log() - Evaluate the natural logarithm. |
af.log10() - Evaluate the base 10 logarithm. |
af.log1p() - Evaluate the natural logarithm of 1 + input, ln(1+in). |
af.log2() - Evaluate the base 2 logarithm. |
af.logical_and() - Evaluate the logical and between two arrays |
af.logical_not() - Evaluate the logical not of an array |
af.logical_or() - Evaluate the logical or between two arrays |
af.lookup() - Lookup values of an array by indexing with another array. |
af.lower() - Return the lower triangular matrix from an input array. |
af.lt() - Less than, an elementwise comparison of two arrays. |
af.lu() - Perform LU decomposition. |
af.matmul() - Matrix multiplication. |
af.max() - Return the maximum along a given dimension. |
af.maxfilt() - Find maximum value from a window. |
af.maxof() - Elementwise maximum between two arrays |
af.mean() - Find the mean of values in the input. |
af.mean_shift() - Edge-preserving smoothing filter commonly used in object tracking and image segmentation. |
af.medfilt() - Median Filter. |
af.medfilt1() - 1D Median Filter. |
af.medfilt2() - 2D Median Filter. |
af.median() - Find the median of values in the input. |
af.min() - Return the minimum along a given dimension. |
af.minfilt() - Find minimum value from a window. |
af.minof() - Elementwise minimum between two arrays |
af.mod() - Calculate the modulus. |
af.moddims() - Modify the dimensions of an array without changing the order of its elements. |
af.mul() - Elementwise multiply. |
af.nearest_neighbour() - Calculates which points in the train are nearest to each other point |
af.neg() - Negate an array. |
af.neq() - Not equal to, an elementwise comparison of two arrays. |
af.norm() - Find the norm of a matrix. |
af.ones() - Creates an array filled with ones. |
af.orb() - ORB Feature descriptor. |
af.pad() - Pad an array. |
af.pinverse() - Pseudo-invert (Moore-Penrose) a matrix. |
af.pow() - Raise a base to a power (or exponent). |
af.pow2() - Raise 2 to a power (or exponent). |
af.print_mem_info() - Prints buffer details from the ArrayFire Device Manager |
af.product() - Multiply array elements over a given dimension. |
af.qr() - Perform QR decomposition. |
af.randn() - Create a random array sampled from normal distribution. |
af.randu() - Create a random array sampled from uniform distribution. |
af.range() - Generate an array with [0, n-1] values along the a specified dimension and tiled across other dimensions. |
af.rank() - Find the rank of a matrix. |
af.read_array() - Load an array from a file. |
af.real() - Returns the real part of a complex array. |
af.regions() - Find blobs in given image. |
af.rem() - Calculate the remainder of a division. |
af.reorder() - Reorder an array. |
af.replace() - Replace elements of an array with elements of another array. |
af.reshape() - Modify the dimensions of an array without changing the order of its elements |
af.resize() - Resize an input image. |
af.rgb2gray() - RGB to Grayscale colorspace converter. |
af.rgb2hsv() - RGB to HSV colorspace converter. |
af.rgb2ycbcr() - RGB to YCbCr colorspace converter. |
af.root() - Evaluate the nth root. |
af.rotate() - Rotate an input image or array. |
af.round() - Round numbers to the nearest integer. |
af.rsqrt() - Evaluate the reciprocal square root. |
af.sat() - Summed Area Tables. |
af.save_array() - Save an array to a binary file |
af.save_image() - Save an array to disk as an image |
af.save_image_memory() - Save an array to memory as an image using FreeImage stream |
af.save_image_native() - Save an image as is original type. |
af.scale() - Scale an input image. |
af.scan() - Scan an array (generalized) over a given dimension. |
af.select() - Select elements based on a conditional array. |
af.set_backend() - Set the current backend |
af.set_device() - Change current device to specified device. |
af.set_fft_plan_cache_size() - Sets fft plan cache size |
af.set_intersect() - Evaluate the intersection of two arrays |
af.set_kernel_cache_directory() - Sets the directory for JIT kernel caching |
af.set_mem_step_size() - Get the minimum memory chunk size. |
af.set_native_id() - Set the CUDA device with given native id as the active device for ArrayFire |
af.set_union() - Evaluate the union of two arrays |
af.set_unique() - Return the unique values in an array |
af.shift() - Shift an array. |
af.sift() - SIFT feature detector and descriptor extractor. |
af.sign() - Return the sign of elements in an array. |
af.sin() - Evaluate the sine function. |
af.sinh() - Evaluate the hyperbolic sine function. |
af.skew() - Skew an input image. |
af.sobel_operator() - Perform a 2-D spatial gradient measurement on an image |
af.solve() - Solve a system of equations. |
af.sort() - Sort an array over a given dimension. |
af.sqrt() - Evaluate the square root. |
af.sttdev() - Find the standard deviation of values in the input. |
af.sub() - Elementwise subtraction. |
af.sum() - Sum array elements over a given dimension. |
af.susan() - SUSAN corner detector. |
af.svd() - Perform singular value decomposition. |
af.sync() - Blocks until all operations on device are finished. |
af.tan() - Evaluate the tangent function. |
af.tanh() - Evaluate the hyperbolic tangent function. |
af.tgamma() - Evaluate the gamma function. |
af.tile() - Generate a tiled array by repeating an array’s contents along a specified dimension. |
af.transform() - Transform an input image. |
af.transform_coordinates() - Transform input coordinates to perspective. |
af.translate() - Translate an input image. |
af.transpose() - Transpose a matrix. |
af.trunc() - Truncate numbers to nearest integer. |
af.unwrap() - Rearrange windowed sections of an array into columns (or rows) |
af.upper() - Return the upper triangular matrix from an input array. |
af.where() - Locate the indices of the non-zero values in an array. |
af.wrap() - Performs the opposite of af::unwrap(). |
af.zeros() - Creates an array filled with zeros. |
Array Creation - Functions in this category are used to initialize arrays with specific values or patterns. |
Array Manipulation - These functions help modify the structure or arrangement of arrays. |
Mathematical Operations - Functions for performing fundamental arithmetic and mathematical operations on arrays. |
Linear Algebra - Functions for performing linear algebra operations, essential in many scientific and engineering tasks. |
Fourier Transforms - Functions for performing Fourier analysis, essential for signal processing and frequency analysis. |
Statistics - Functions for computing statistical metrics and analyzing data distributions. |
Data Reduction - Functions for aggregating and reducing data to summarize or condense information. |
Utilities - General-purpose functions for managing arrays and devices. |
Special Functions - Functions for convolutions, creating and applying specific types of filters, commonly used in signal processing and analysis. |
Rendering Function - Rendering Function to draw images, plots etc |
Window Function - Window Creation, modification and destruction of functions |