|
| template<Expression Ex> |
| constexpr auto | softmax (Ex const &ex) noexcept |
| | Softmax activation function, an unary operator. More...
|
| |
| template<Expression Ex> |
| auto | selu (Ex const &ex) noexcept |
| | Scaled Exponential Linear Unit (SELU) activation function, an unary operator. If x>0, returns 1.0507 x; Otherwise, returns 1.67326*1.0507*(exp(x)-1) More...
|
| |
| template<Expression Ex> |
| auto | softplus (Ex const &ex) noexcept |
| | Softplus function, an unary operator. Returns log(exp(x)+1). More...
|
| |
| template<Expression Ex> |
| auto | softsign (Ex const &ex) noexcept |
| | Softsign function, an unary operator. Returns x / (abs(x) + 1). More...
|
| |
| template<Expression Ex> |
| auto | sigmoid (Ex const &ex) noexcept |
| | Sigmoid function, an unary operator. Returns 1 / (exp(-x) + 1). More...
|
| |
| template<Expression Ex> |
| auto | relu (Ex const &ex) noexcept |
| | Relu function, an unary operator. Returns x if positive, 0 otherwise. More...
|
| |
| template<Expression Ex> |
| auto | relu6 (Ex const &ex) noexcept |
| | Rectified Linear 6 function, an unary operator. Returns min(max(features, 0), 6). More...
|
| |
| template<typename T > |
| requires std::floating_point< T > auto | leaky_relu (T const factor=0.2) noexcept |
| | Leaky Rectified Linear function, an unary operator. Returns x if positive, alpha x otherwise. alpha defaults to 0.2. More...
|
| |
| template<Expression Ex> |
| auto | negative_relu (Ex const &ex) noexcept |
| |
| template<typename T = float> |
| requires std::floating_point< T > auto | elu (T const alpha=1.0) noexcept |
| | Exponential Linear function, an unary operator. Returns x if positive, alpha* (exp(x)-1) otherwise. alpha defaults to 0.2. More...
|
| |
| template<Expression Ex> |
| auto | exponential (Ex const &ex) noexcept |
| | Exponential function, an unary operator. Returns exp(x). More...
|
| |
| template<Expression Ex> |
| auto | hard_sigmoid (Ex const &ex) noexcept |
| | Hard Sigmoid function, an unary operator. Piecewise linear approximation of the sigmoid function. More...
|
| |
| template<Expression Ex> |
| auto | gelu (Ex const &ex) noexcept |
| | Gaussian Error function, an unary operator. GAUSSIAN ERROR LINEAR UNITS (GELUS) https://arxiv.org/pdf/1606.08415.pdf $f(x) = 0.5x (1 + tanh[\sqrt{2/\pi}(x + 0.044715x^3)])$ $df = x ( 1 + tanh[\sqrt{2/\pi}(x + 0.044715x^3)] ) + \sqrt(2/\pi) x sech^2[\sqrt(2/\pi) x (1+0.44715x^2) (1+0.134145x^2) ]$ where $sec^2(x) = 1 - tanh^2(x)$ derivative generated using service from https://www.symbolab.com/solver/derivative-calculator. More...
|
| |
| template<Expression Ex> |
| auto | swish (Ex const &ex) noexcept |
| | Swish activation function. More...
|
| |
| template<Expression Ex> |
| auto | silu (Ex const &ex) noexcept |
| | An alias name of activation swish. More...
|
| |
| template<Expression Ex> |
| auto | crelu (Ex const &ex) noexcept |
| | Concatenated Rectified Linear Units, an activation function which preserves both positive and negative phase information while enforcing non-saturated non-linearity. More...
|
| |
| template<Expression Ex> |
| auto | tank_shrink (Ex const &ex) noexcept |
| | Tank shrink function. More...
|
| |
| template<Expression Ex> |
| auto | mish (Ex const &ex) noexcept |
| | Mish function. More...
|
| |
| template<Expression Ex> |
| auto | lisht (Ex const &ex) noexcept |
| | Lisht function. More...
|
| |
| template<Expression Real_Ex, Expression Imag_Ex> |
| Real_Ex | real (complex< Real_Ex, Imag_Ex > const &c) noexcept |
| |
| template<Expression Real_Ex, Expression Imag_Ex> |
| Imag_Ex | imag (complex< Real_Ex, Imag_Ex > const &c) noexcept |
| |
| template<Complex C> |
| auto | abs (C const &c) noexcept |
| | Returns the magnitude of the complex expression. More...
|
| |
| template<Complex C> |
| auto | norm (C const &c) noexcept |
| | Returns the squared magnitude of the complex expression. More...
|
| |
| template<Complex C> |
| auto | conj (C const &c) noexcept |
| | Returns the conjugate of the complex expression. More...
|
| |
| template<Expression Em, Expression Ep> |
| auto | polar (Em const &em, Ep const &ep) noexcept |
| | Returns with given magnitude and phase angle. More...
|
| |
| template<Complex C> |
| auto | arg (C const &c) noexcept |
| | Calculates the phase angle (in radians) of the complex expression. More...
|
| |
| template<Complex C> |
| auto | operator+ (C const &c) noexcept |
| | Returns the complex expression. More...
|
| |
| template<Complex C> |
| auto | operator- (C const &c) noexcept |
| | Negatives the complex expression. More...
|
| |
| template<Complex Cl, Complex Cr> |
| auto | operator+ (Cl const &cl, Cr const &cr) noexcept |
| | Sums up two complex expressions. More...
|
| |
| template<Complex Cl, Complex Cr> |
| auto | operator- (Cl const &cl, Cr const &cr) noexcept |
| | Subtracts one complex expression from the other one. More...
|
| |
| template<Complex Cl, Complex Cr> |
| auto | operator* (Cl const &cl, Cr const &cr) noexcept |
| | Multiplies two complex expressions. Optimization here: (a+ib)*(c+id) = (ac-bd) + i(ad+bc) = (ac-bd) + i( (a+b)*(c+d)-ac-bd ) More...
|
| |
| template<Complex C, Expression E> |
| auto | operator+ (C const &c, E const &e) noexcept |
| | Sums up a complex expression and an expression. More...
|
| |
| template<Complex C, Expression E> |
| auto | operator+ (E const &e, C const &c) noexcept |
| | Sums up a complex expression and an expression. More...
|
| |
| template<Complex C, Expression E> |
| auto | operator- (C const &c, E const &e) noexcept |
| | Subtracts an expression from a compression expression. More...
|
| |
| template<Complex C, Expression E> |
| auto | operator- (E const &e, C const &c) noexcept |
| | Subtractsa complex expression from an expression. More...
|
| |
| template<Complex C, Expression E> |
| auto | operator* (C const &c, E const &e) noexcept |
| | Multiplies a complex expression with an expression. More...
|
| |
| template<Complex C, Expression E> |
| auto | operator* (E const &e, C const &c) noexcept |
| | Multiplies an expression with a compression expression. More...
|
| |
| auto | Input () |
| |
| auto | Conv2D (unsigned long output_channels, std::vector< unsigned long > const &kernel_size, std::vector< unsigned long > const &input_shape, std::string const &padding="valid", std::vector< unsigned long > const &strides={1, 1}, std::vector< unsigned long > const &dilations={1, 1}, bool use_bias=true, float kernel_regularizer_l1=0.0f, float kernel_regularizer_l2=0.0f, float bias_regularizer_l1=0.0f, float bias_regularizer_l2=0.0f) |
| | 2D convolution layer. More...
|
| |
| auto | Dense (unsigned long output_size, unsigned long input_size, bool use_bias=true, float kernel_regularizer_l1=0.0f, float kernel_regularizer_l2=0.0f, float bias_regularizer_l1=0.0f, float bias_regularizer_l2=0.0f) |
| | Densly-connected layer. More...
|
| |
| auto | BatchNormalization (std::vector< unsigned long > const &shape, float threshold=0.95f, float kernel_regularizer_l1=0.0f, float kernel_regularizer_l2=0.0f, float bias_regularizer_l1=0.0f, float bias_regularizer_l2=0.0f) |
| | Applies a transformation that maintains the mean output close to 0 and the output standard deviation close to 1. More...
|
| |
| auto | BatchNormalization (float threshold, std::vector< unsigned long > const &shape, float kernel_regularizer_l1=0.0f, float kernel_regularizer_l2=0.0f, float bias_regularizer_l1=0.0f, float bias_regularizer_l2=0.0f) |
| |
| auto | Concatenate (unsigned long axis=-1) noexcept |
| |
| auto | Add () noexcept |
| |
| auto | Subtract () noexcept |
| |
| auto | Multiply () noexcept |
| |
| template<Expression Ex> |
| auto | ReLU (Ex const &ex) noexcept |
| |
| auto | Softmax () noexcept |
| |
| template<typename T = float> |
| auto | LeakyReLU (T const factor=0.2) noexcept |
| |
| template<typename T = float> |
| auto | ELU (T const factor=0.2) noexcept |
| |
| auto | Reshape (std::vector< unsigned long > const &new_shape, bool include_batch_flag=true) noexcept |
| |
| auto | Flatten () noexcept |
| |
| auto | MaxPooling2D (unsigned long stride) noexcept |
| |
| auto | UpSampling2D (unsigned long stride) noexcept |
| |
| template<typename T > |
| auto | Dropout (T factor) noexcept |
| |
| auto | AveragePooling2D (unsigned long stride) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | mean_squared_logarithmic_error (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | squared_loss (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | mean_squared_error (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | mse (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | abs_loss (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | mean_absolute_error (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | mae (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | cross_entropy (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | binary_cross_entropy_loss (Lhs_Expression const &ground_truth, Rhs_Expression const &prediction) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | cross_entropy_loss (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | hinge_loss (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Ex> |
| void | make_trainable (Ex &ex, bool t) |
| |
| template<Expression Ex, Place_Holder Ph, Expression Ey> |
| auto | replace_placeholder_with_expression (Ex const &ex, Ph const &old_place_holder, Ey const &new_expression) |
| |
| template<typename Model , typename Optimizer , typename Loss > |
| auto | make_compiled_model (Model const &m, Loss const &l, Optimizer const &o) |
| |
| template<Expression Ex> |
| std::string | computation_graph (Ex const &ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | plus (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | operator+ (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Ex> |
| constexpr auto | operator+ (Ex const &ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| auto | operator* (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Ex> |
| constexpr auto | negative (Ex const &ex) noexcept |
| |
| template<Expression Ex> |
| constexpr auto | operator- (Ex const &ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | elementwise_product (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | elementwise_multiply (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | hadamard_product (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Ex> |
| constexpr auto | sum_reduce (Ex const &ex) noexcept |
| |
| template<Expression Ex> |
| constexpr auto | reduce_sum (Ex const &ex) noexcept |
| |
| template<Expression Ex> |
| constexpr auto | mean_reduce (Ex const &ex) noexcept |
| | Computes the mean of elements across all dimensions of an expression. More...
|
| |
| template<Expression Ex> |
| constexpr auto | reduce_mean (Ex const &ex) noexcept |
| | An alias name of mean_reduce. More...
|
| |
| template<Expression Ex> |
| constexpr auto | mean (Ex const &ex) noexcept |
| | An alias name of mean_reduce. More...
|
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | minus (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Lhs_Expression, Expression Rhs_Expression> |
| constexpr auto | operator- (Lhs_Expression const &lhs_ex, Rhs_Expression const &rhs_ex) noexcept |
| |
| template<Expression Ex> |
| constexpr auto | square (Ex const &ex) noexcept |
| |
| template<Place_Holder Ph> |
| bool | operator== (Ph const &lhs, Ph const &rhs) |
| |
| template<Place_Holder Ph> |
| bool | operator!= (Ph const &lhs, Ph const &rhs) |
| |
| template<Place_Holder Ph> |
| bool | operator< (Ph const &lhs, Ph const &rhs) |
| |
| template<Place_Holder Ph> |
| bool | operator> (Ph const &lhs, Ph const &rhs) |
| |
| template<Place_Holder Ph> |
| bool | operator<= (Ph const &lhs, Ph const &rhs) |
| |
| template<Place_Holder Ph> |
| bool | operator>= (Ph const &lhs, Ph const &rhs) |
| |
| template<Tensor Tsor> |
| ceras_private::session< Tsor > & | get_default_session () |
| |
| template<typename T , typename A = default_allocator<T>> |
| constexpr tensor< T, A > | as_tensor (T val) noexcept |
| |
| template<Tensor Tsor, typename CharT , typename Traits > |
| std::basic_ostream< CharT, Traits > & | operator<< (std::basic_ostream< CharT, Traits > &os_, Tsor const &tsor) |
| |
| template<typename T > |
| requires std::floating_point< T > void | gemm_cpu (T const *A, bool a_transposed, T const *B, bool b_transposed, unsigned long m, unsigned long n, unsigned long k, T *C) |
| |
| void | update_cuda_gemm_threshold () |
| |
| template<typename T > |
| requires std::floating_point< T > void | gemm (T const *A, bool a_transposed, T const *B, bool b_transposed, unsigned long m, unsigned long n, unsigned long k, T *C) |
| |
| template<typename T > |
| requires std::floating_point< T > void | gemm (view_2d< T > const &x, view_2d< T > const &y, view_2d< T > &ans) |
| |
| template<Tensor Tsor> |
| Tsor | add (Tsor const &lhs, Tsor const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | operator+ (Tsor const &lhs, Tsor const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | operator+ (typename Tsor::value_type const &lhs, Tsor const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | operator+ (Tsor const &lhs, typename Tsor::value_type const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | minus (Tsor const &lhs, Tsor const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | operator- (Tsor const &lhs, Tsor const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | operator- (typename Tsor::value_type const &lhs, Tsor const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | operator- (Tsor const &lhs, typename Tsor::value_type const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | operator* (typename Tsor::value_type const &lhs, Tsor const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | operator* (Tsor const &lhs, typename Tsor::value_type const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | operator/ (Tsor const &lhs, typename Tsor::value_type const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | reshape (Tsor const &ts, std::vector< unsigned long > const &new_shape) |
| |
| template<Tensor Tsor> |
| void | multiply (Tsor const &lhs, Tsor const &rhs, Tsor &ans) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | multiply (Tsor const &lhs, Tsor const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | operator* (Tsor const &lhs, Tsor const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | elementwise_product (Tsor const &lhs, Tsor const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | hadamard_product (Tsor const &lhs, Tsor const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | elementwise_divide (Tsor const &lhs, Tsor const &rhs) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | repeat (Tsor const &tsor, unsigned long n) |
| |
| template<Tensor Tsor> |
| Tsor | reduce_sum (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| Tsor | reduce_mean (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| Tsor | clip (Tsor &tsor, typename Tsor::value_type lower=0, typename Tsor::value_type upper=1) |
| |
| template<Tensor Tsor> |
| Tsor | squeeze (Tsor const &tsor) |
| |
| template<typename T , typename A = default_allocator<T>> |
| tensor< T, A > | randn (std::vector< unsigned long > const &shape, T mean=T{0}, T stddev=T{1}) |
| |
| template<typename T , typename A = default_allocator<T>> |
| tensor< T, A > | truncated_normal (std::vector< unsigned long > const &shape, T mean=T{0}, T stddev=T{1}, T lower=T{0}, T upper=T{1}) |
| |
| template<typename T , typename A = default_allocator<T>> |
| tensor< T, A > | random (std::vector< unsigned long > const &shape, T min=T{0}, T max=T{1}) |
| |
| template<Tensor Tsor> |
| Tsor | random_like (Tsor const &tsor, typename Tsor::value_type min=0, typename Tsor::value_type max=1) |
| |
| template<Tensor Tsor> |
| Tsor | randn_like (Tsor const &tsor, typename Tsor::value_type mean=0, typename Tsor::value_type stddev=1) |
| |
| template<typename T , typename A = default_allocator<T>> |
| tensor< T, A > | glorot_uniform (std::initializer_list< unsigned long > shape) |
| |
| template<Tensor Tsor> |
| Tsor | deep_copy (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| Tsor | copy (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| Tsor | concatenate (Tsor const &lhs, Tsor const &rhs, unsigned long axis=0) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | repmat (Tsor const &tsor, unsigned long row_rep, unsigned long col_rep) |
| |
| template<Tensor Tsor> |
| constexpr bool | empty (Tsor const &tsor) noexcept |
| |
| template<typename T , typename A = default_allocator<T>> |
| constexpr tensor< T, A > | zeros (std::vector< unsigned long > const &shape) |
| |
| template<Tensor Tsor> |
| constexpr Tsor | zeros_like (Tsor const &tsor) |
| |
| template<typename T , typename A = default_allocator<T>> |
| constexpr tensor< T, A > | ones (std::vector< unsigned long > const &shape) |
| |
| template<Tensor Tsor> |
| constexpr Tsor | ones_like (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| auto | max (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| auto | amax (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| auto | min (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| auto | amin (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| auto | sum (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| auto | mean (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| auto | norm (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| Tsor | abs (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| Tsor | softmax (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| bool | has_nan (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| bool | has_inf (Tsor const &tsor) |
| |
| template<Tensor Tsor> |
| bool | is_valid (Tsor const &tsor) |
| |
| template<Tensor Tsor, typename Function > |
| Tsor | reduce (Tsor const &ts, unsigned long axis, typename Tsor::value_type const &init, Function const &func, bool keepdims=false) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | sum (Tsor const &ts, unsigned long axis, bool keepdims=false) noexcept |
| |
| template<Tensor Tsor> |
| requires std::floating_point< typename Tsor::value_type > Tsor | mean (Tsor const &ts, unsigned long axis, bool keepdims=false) noexcept |
| |
| template<Tensor Tsor> |
| requires std::floating_point< typename Tsor::value_type > Tsor | variance (Tsor const &ts, unsigned long axis, bool keepdims=false) noexcept |
| |
| template<Tensor Tsor> |
| requires std::floating_point< typename Tsor::value_type > Tsor | standard_deviation (Tsor const &ts, unsigned long axis, bool keepdims=false) noexcept |
| |
| template<Tensor Tsor> |
| requires std::floating_point< typename Tsor::value_type > Tsor::value_type | var (Tsor const &ts) noexcept |
| |
| template<Tensor Tsor> |
| requires std::floating_point< typename Tsor::value_type > Tsor::value_type | std (Tsor const &ts) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | max (Tsor const &ts, unsigned long axis, bool keepdims=false) noexcept |
| |
| template<Tensor Tsor> |
| Tsor | min (Tsor const &ts, unsigned long axis, bool keepdims=false) noexcept |
| |
| template<typename T , typename A = default_allocator<T>> |
| requires std::floating_point< T > tensor< T, A > | linspace (T start, T stop, unsigned long num, bool endpoint=true) noexcept |
| |
| template<class _Tp , class _CharT , class _Traits , class _Alloc > |
| std::basic_istream< _CharT, _Traits > & | read_tensor (std::basic_istream< _CharT, _Traits > &__is, tensor< _Tp, _Alloc > &__x) |
| |
| template<class _Tp , class _CharT , class _Traits , class _Alloc > |
| std::basic_ostream< _CharT, _Traits > & | write_tensor (std::basic_ostream< _CharT, _Traits > &__os, tensor< _Tp, _Alloc > const &__x) |
| |
| template<typename T , typename A = default_allocator<T>> |
| tensor< T, A > | load_tensor (std::string const &file_name) |
| |
| template<Tensor Tsor> |
| void | save_tensor (std::string const &file_name, Tsor const &tsor) |
| |
| template<Variable Var> |
| bool | operator== (Var const &lhs, Var const &rhs) noexcept |
| |