ViennaCL - The Vienna Computing Library  1.5.1
Namespaces | Data Structures | Enumerations | Functions
viennacl::linalg::opencl::kernels Namespace Reference

Contains the OpenCL kernel generation functions for a predefined set of functionality. More...

Namespaces

namespace  detail
 

Implementation details for the predefined OpenCL kernels.


Data Structures

struct  compressed_compressed_matrix
 Main kernel class for generating OpenCL kernels for compressed_compressed_matrix. More...
struct  compressed_matrix
 Main kernel class for generating OpenCL kernels for compressed_matrix. More...
struct  coordinate_matrix
 Main kernel class for generating OpenCL kernels for coordinate_matrix. More...
struct  ell_matrix
 Main kernel class for generating OpenCL kernels for ell_matrix. More...
struct  fft
 Main kernel class for generating OpenCL kernels for the fast Fourier transform. More...
struct  hyb_matrix
 Main kernel class for generating OpenCL kernels for hyb_matrix. More...
struct  ilu
 Main kernel class for generating OpenCL kernels for incomplete LU factorization preconditioners. More...
struct  ambm_config
 Configuration struct for generating OpenCL kernels for linear combinations of matrices. More...
struct  matrix
 Main kernel class for generating OpenCL kernels for operations on/with dense matrix objects of type viennacl::matrix<>. More...
struct  matrix_element
 Main kernel class for generating OpenCL kernels for elementwise-operations such as element_sin() on/with dense matrix objects of type viennacl::matrix<>. More...
struct  matrix_prod
 Main kernel class for the generation of matrix-matrix product kernels C = A * B. More...
struct  matrix_solve
 Main kernel class for the generation of matrix solve kernels. More...
struct  nmf
 Main kernel class for generating OpenCL kernels for nonnegative matrix factorization of a dense matrices. More...
struct  asbs_config
 Configuration struct for generating OpenCL kernels for linear combinations of viennacl::scalar<> objects. More...
struct  scalar
 Main kernel class for generating OpenCL kernels for operations involving viennacl::scalar<>, but not viennacl::vector<> or viennacl::matrix<>. More...
struct  spai
 Main kernel class for generating OpenCL kernels for the sparse approximate inverse preconditioners. More...
struct  svd
 Main kernel class for generating OpenCL kernels for singular value decomposition of dense matrices. More...
struct  avbv_config
 Configuration struct for generating OpenCL kernels for linear combinations of vectors. More...
struct  vector
 Main kernel class for generating OpenCL kernels for operations on/with viennacl::vector<> without involving matrices, multiple inner products, or element-wise operations other than addition or subtraction. More...
struct  vector_multi_inner_prod
 Main kernel class for generating OpenCL kernels for multiple inner products on/with viennacl::vector<>. More...
struct  vector_element
 Main kernel class for generating OpenCL kernels for elementwise operations other than addition and subtraction on/with viennacl::vector<>. More...

Enumerations

enum  ambm_scalar_type { VIENNACL_AMBM_NONE = 0, VIENNACL_AMBM_CPU, VIENNACL_AMBM_GPU }
 Enumeration for the scalar type in ambm-like operations. More...
enum  asbs_scalar_type { VIENNACL_ASBS_NONE = 0, VIENNACL_ASBS_CPU, VIENNACL_ASBS_GPU }
 Enumeration for the scalar type in avbv-like operations. More...
enum  avbv_scalar_type { VIENNACL_AVBV_NONE = 0, VIENNACL_AVBV_CPU, VIENNACL_AVBV_GPU }
 Enumeration for the scalar type in avbv-like operations. More...

Functions

template<typename StringType >
void generate_vec_mul (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_block_trans_lu_backward (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_block_trans_unit_lu_forward (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_dense_matrix_multiplication (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_jacobi (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_lu_backward (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_lu_forward (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_row_info_extractor (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_trans_lu_backward (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_trans_lu_forward (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_trans_unit_lu_backward (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_trans_unit_lu_forward (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_trans_unit_lu_forward_slow (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_unit_lu_backward (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_unit_lu_forward (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_vec_mul (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_vec_mul4 (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_vec_mul8 (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_compressed_matrix_vec_mul_cpu (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_coordinate_matrix_vec_mul (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_coordinate_matrix_dense_matrix_multiplication (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_coordinate_matrix_row_info_extractor (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_ell_vec_mul (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_ell_matrix_dense_matrix_multiplication (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_fft_bluestein_post (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_fft_bluestein_pre (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_fft_complex_to_real (StringType &source, std::string const &numeric_string)
 Extract real part of a complex number array.
template<typename StringType >
void generate_fft_div_vec_scalar (StringType &source, std::string const &numeric_string)
 OpenCL kernel generation code for dividing a complex number by a real number.
template<typename StringType >
void generate_fft_mult_vec (StringType &source, std::string const &numeric_string)
 Elementwise product of two complex vectors.
template<typename StringType >
void generate_fft_real_to_complex (StringType &source, std::string const &numeric_string)
 Embedds a real-valued vector into a complex one.
template<typename StringType >
void generate_fft_reverse_inplace (StringType &source, std::string const &numeric_string)
 Reverses the entries in a vector.
template<typename StringType >
void generate_fft_transpose (StringType &source, std::string const &numeric_string)
 Simplistic matrix transpose function.
template<typename StringType >
void generate_fft_transpose_inplace (StringType &source, std::string const &numeric_string)
 Simplistic inplace matrix transpose function.
template<typename StringType >
void generate_fft_vandermonde_prod (StringType &source, std::string const &numeric_string)
 Computes the matrix vector product with a Vandermonde matrix.
template<typename StringType >
void generate_fft_zero2 (StringType &source, std::string const &numeric_string)
 Zero two complex vectors (to avoid kernel launch overhead)
template<typename StringType >
void generate_hyb_vec_mul (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_hyb_matrix_dense_matrix_multiplication (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_ilu_level_scheduling_substitute (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_ambm_impl2 (StringType &source, ambm_config const &cfg, bool mult_alpha, bool mult_beta)
template<typename StringType >
void generate_ambm_impl (StringType &source, std::string const &numeric_string, ambm_config const &cfg)
template<typename StringType >
void generate_ambm (StringType &source, std::string const &numeric_string, bool is_row_major)
template<typename StringType >
void generate_assign_cpu (StringType &source, std::string const &numeric_string, bool is_row_major)
template<typename StringType >
void generate_diagonal_assign_cpu (StringType &source, std::string const &numeric_string, bool is_row_major)
template<typename StringType >
void generate_element_op (StringType &source, std::string const &numeric_string, bool is_row_major)
template<typename StringType >
void generate_fft (StringType &source, std::string const &numeric_string, bool is_row_major)
template<typename StringType >
void generate_lu (StringType &source, std::string const &numeric_string, bool is_row_major)
template<typename StringType >
void generate_scaled_rank1_update (StringType &source, std::string const &numeric_string, bool is_row_major, bool alpha_on_cpu)
template<typename StringType >
void generate_trans_vec_mul (StringType &source, std::string const &numeric_string, bool is_row_major)
template<typename StringType >
void generate_triangular_substitute_inplace (StringType &source, std::string const &numeric_string, bool is_row_major)
template<typename StringType >
void generate_vec_mul (StringType &source, std::string const &numeric_string, bool is_row_major)
template<typename StringType >
void generate_matrix_unary_element_ops (StringType &source, std::string const &numeric_string, std::string const &funcname, std::string const &op, std::string const &op_name, bool is_row_major)
template<typename StringType >
void generate_matrix_unary_element_ops (StringType &source, std::string const &numeric_string, std::string const &funcname, bool is_row_major)
template<typename StringType >
void generate_matrix_prod_blas3 (StringType &source, std::string const &numeric_string, bool row_major_A, bool row_major_B, bool row_major_C, bool transpose_A, bool transpose_B)
template<typename StringType >
void generate_matrix_prod16_blas3 (StringType &source, std::string const &numeric_string, bool row_major_A, bool row_major_B, bool row_major_C, bool transpose_A, bool transpose_B)
template<typename StringType >
void generate_matrix_solve_blas3 (StringType &source, std::string const &numeric_string, bool row_major_A, bool row_major_B, bool transpose_A, bool transpose_B, bool upper_solve, bool unit_diagonal)
template<typename StringType >
void generate_nmf_el_wise_mul_div (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_asbs_impl3 (StringType &source, char sign_a, char sign_b, asbs_config const &cfg, bool mult_alpha, bool mult_beta)
template<typename StringType >
void generate_asbs_impl2 (StringType &source, char sign_a, char sign_b, asbs_config const &cfg)
template<typename StringType >
void generate_asbs_impl (StringType &source, std::string const &numeric_string, asbs_config const &cfg)
template<typename StringType >
void generate_asbs (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_scalar_swap (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_spai_assemble_blocks (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_spai_block_bv_assembly (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_spai_block_least_squares (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_spai_block_q_mult (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_spai_block_qr (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_spai_block_qr_assembly (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_spai_block_qr_assembly_1 (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_spai_block_r_assembly (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_bidiag_pack (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_col_reduce_lcl_array (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_copy_col (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_copy_row (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_final_iter_update (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_givens_next (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_givens_prev (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_house_update_A_left (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_house_update_A_right (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_house_update_QL (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_house_update_QR (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_inverse_signs (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_transpose_inplace (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_svd_update_qr_column (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_avbv_impl2 (StringType &source, std::string const &, avbv_config const &cfg, bool mult_alpha, bool mult_beta)
template<typename StringType >
void generate_avbv_impl (StringType &source, std::string const &numeric_string, avbv_config const &cfg)
template<typename StringType >
void generate_avbv (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_plane_rotation (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_vector_swap (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_assign_cpu (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_inner_prod (StringType &source, std::string const &numeric_string, vcl_size_t vector_num)
template<typename StringType >
void generate_norm (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_inner_prod_sum (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_sum (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_index_norm_inf (StringType &source, std::string const &numeric_string)
template<typename StringType >
void generate_vector_unary_element_ops (StringType &source, std::string const &numeric_string, std::string const &funcname, std::string const &op, std::string const &op_name)
template<typename StringType >
void generate_vector_unary_element_ops (StringType &source, std::string const &numeric_string, std::string const &funcname)
template<typename StringType >
void generate_vector_binary_element_ops (StringType &source, std::string const &numeric_string)

Detailed Description

Contains the OpenCL kernel generation functions for a predefined set of functionality.


Enumeration Type Documentation

Enumeration for the scalar type in ambm-like operations.

Enumerator:
VIENNACL_AMBM_NONE 
VIENNACL_AMBM_CPU 
VIENNACL_AMBM_GPU 

Enumeration for the scalar type in avbv-like operations.

Enumerator:
VIENNACL_ASBS_NONE 
VIENNACL_ASBS_CPU 
VIENNACL_ASBS_GPU 

Enumeration for the scalar type in avbv-like operations.

Enumerator:
VIENNACL_AVBV_NONE 
VIENNACL_AVBV_CPU 
VIENNACL_AVBV_GPU 

Function Documentation

void viennacl::linalg::opencl::kernels::generate_ambm ( StringType &  source,
std::string const &  numeric_string,
bool  is_row_major 
)
void viennacl::linalg::opencl::kernels::generate_ambm_impl ( StringType &  source,
std::string const &  numeric_string,
ambm_config const &  cfg 
)
void viennacl::linalg::opencl::kernels::generate_ambm_impl2 ( StringType &  source,
ambm_config const &  cfg,
bool  mult_alpha,
bool  mult_beta 
)
void viennacl::linalg::opencl::kernels::generate_asbs ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_asbs_impl ( StringType &  source,
std::string const &  numeric_string,
asbs_config const &  cfg 
)
void viennacl::linalg::opencl::kernels::generate_asbs_impl2 ( StringType &  source,
char  sign_a,
char  sign_b,
asbs_config const &  cfg 
)
void viennacl::linalg::opencl::kernels::generate_asbs_impl3 ( StringType &  source,
char  sign_a,
char  sign_b,
asbs_config const &  cfg,
bool  mult_alpha,
bool  mult_beta 
)
void viennacl::linalg::opencl::kernels::generate_assign_cpu ( StringType &  source,
std::string const &  numeric_string,
bool  is_row_major 
)
void viennacl::linalg::opencl::kernels::generate_assign_cpu ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_avbv ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_avbv_impl ( StringType &  source,
std::string const &  numeric_string,
avbv_config const &  cfg 
)
void viennacl::linalg::opencl::kernels::generate_avbv_impl2 ( StringType &  source,
std::string const &  ,
avbv_config const &  cfg,
bool  mult_alpha,
bool  mult_beta 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_block_trans_lu_backward ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_block_trans_unit_lu_forward ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_dense_matrix_multiplication ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_jacobi ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_lu_backward ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_lu_forward ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_row_info_extractor ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_trans_lu_backward ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_trans_lu_forward ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_trans_unit_lu_backward ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_trans_unit_lu_forward ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_trans_unit_lu_forward_slow ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_unit_lu_backward ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_unit_lu_forward ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_vec_mul ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_vec_mul4 ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_vec_mul8 ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_compressed_matrix_vec_mul_cpu ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_coordinate_matrix_dense_matrix_multiplication ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_coordinate_matrix_row_info_extractor ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_coordinate_matrix_vec_mul ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_diagonal_assign_cpu ( StringType &  source,
std::string const &  numeric_string,
bool  is_row_major 
)
void viennacl::linalg::opencl::kernels::generate_element_op ( StringType &  source,
std::string const &  numeric_string,
bool  is_row_major 
)
void viennacl::linalg::opencl::kernels::generate_ell_matrix_dense_matrix_multiplication ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_ell_vec_mul ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_fft ( StringType &  source,
std::string const &  numeric_string,
bool  is_row_major 
)
void viennacl::linalg::opencl::kernels::generate_fft_bluestein_post ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_fft_bluestein_pre ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_fft_complex_to_real ( StringType &  source,
std::string const &  numeric_string 
)

Extract real part of a complex number array.

void viennacl::linalg::opencl::kernels::generate_fft_div_vec_scalar ( StringType &  source,
std::string const &  numeric_string 
)

OpenCL kernel generation code for dividing a complex number by a real number.

void viennacl::linalg::opencl::kernels::generate_fft_mult_vec ( StringType &  source,
std::string const &  numeric_string 
)

Elementwise product of two complex vectors.

void viennacl::linalg::opencl::kernels::generate_fft_real_to_complex ( StringType &  source,
std::string const &  numeric_string 
)

Embedds a real-valued vector into a complex one.

void viennacl::linalg::opencl::kernels::generate_fft_reverse_inplace ( StringType &  source,
std::string const &  numeric_string 
)

Reverses the entries in a vector.

void viennacl::linalg::opencl::kernels::generate_fft_transpose ( StringType &  source,
std::string const &  numeric_string 
)

Simplistic matrix transpose function.

void viennacl::linalg::opencl::kernels::generate_fft_transpose_inplace ( StringType &  source,
std::string const &  numeric_string 
)

Simplistic inplace matrix transpose function.

void viennacl::linalg::opencl::kernels::generate_fft_vandermonde_prod ( StringType &  source,
std::string const &  numeric_string 
)

Computes the matrix vector product with a Vandermonde matrix.

void viennacl::linalg::opencl::kernels::generate_fft_zero2 ( StringType &  source,
std::string const &  numeric_string 
)

Zero two complex vectors (to avoid kernel launch overhead)

void viennacl::linalg::opencl::kernels::generate_hyb_matrix_dense_matrix_multiplication ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_hyb_vec_mul ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_ilu_level_scheduling_substitute ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_index_norm_inf ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_inner_prod ( StringType &  source,
std::string const &  numeric_string,
vcl_size_t  vector_num 
)
void viennacl::linalg::opencl::kernels::generate_inner_prod_sum ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_lu ( StringType &  source,
std::string const &  numeric_string,
bool  is_row_major 
)
void viennacl::linalg::opencl::kernels::generate_matrix_prod16_blas3 ( StringType &  source,
std::string const &  numeric_string,
bool  row_major_A,
bool  row_major_B,
bool  row_major_C,
bool  transpose_A,
bool  transpose_B 
)
void viennacl::linalg::opencl::kernels::generate_matrix_prod_blas3 ( StringType &  source,
std::string const &  numeric_string,
bool  row_major_A,
bool  row_major_B,
bool  row_major_C,
bool  transpose_A,
bool  transpose_B 
)
void viennacl::linalg::opencl::kernels::generate_matrix_solve_blas3 ( StringType &  source,
std::string const &  numeric_string,
bool  row_major_A,
bool  row_major_B,
bool  transpose_A,
bool  transpose_B,
bool  upper_solve,
bool  unit_diagonal 
)
void viennacl::linalg::opencl::kernels::generate_matrix_unary_element_ops ( StringType &  source,
std::string const &  numeric_string,
std::string const &  funcname,
std::string const &  op,
std::string const &  op_name,
bool  is_row_major 
)
void viennacl::linalg::opencl::kernels::generate_matrix_unary_element_ops ( StringType &  source,
std::string const &  numeric_string,
std::string const &  funcname,
bool  is_row_major 
)
void viennacl::linalg::opencl::kernels::generate_nmf_el_wise_mul_div ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_norm ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_plane_rotation ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_scalar_swap ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_scaled_rank1_update ( StringType &  source,
std::string const &  numeric_string,
bool  is_row_major,
bool  alpha_on_cpu 
)
void viennacl::linalg::opencl::kernels::generate_spai_assemble_blocks ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_spai_block_bv_assembly ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_spai_block_least_squares ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_spai_block_q_mult ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_spai_block_qr ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_spai_block_qr_assembly ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_spai_block_qr_assembly_1 ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_spai_block_r_assembly ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_sum ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_bidiag_pack ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_col_reduce_lcl_array ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_copy_col ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_copy_row ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_final_iter_update ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_givens_next ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_givens_prev ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_house_update_A_left ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_house_update_A_right ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_house_update_QL ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_house_update_QR ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_inverse_signs ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_transpose_inplace ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_svd_update_qr_column ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_trans_vec_mul ( StringType &  source,
std::string const &  numeric_string,
bool  is_row_major 
)
void viennacl::linalg::opencl::kernels::generate_triangular_substitute_inplace ( StringType &  source,
std::string const &  numeric_string,
bool  is_row_major 
)
void viennacl::linalg::opencl::kernels::generate_vec_mul ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_vec_mul ( StringType &  source,
std::string const &  numeric_string,
bool  is_row_major 
)
void viennacl::linalg::opencl::kernels::generate_vector_binary_element_ops ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_vector_swap ( StringType &  source,
std::string const &  numeric_string 
)
void viennacl::linalg::opencl::kernels::generate_vector_unary_element_ops ( StringType &  source,
std::string const &  numeric_string,
std::string const &  funcname,
std::string const &  op,
std::string const &  op_name 
)
void viennacl::linalg::opencl::kernels::generate_vector_unary_element_ops ( StringType &  source,
std::string const &  numeric_string,
std::string const &  funcname 
)