Home
last modified time | relevance | path

Searched refs:thread_pool_device (Results 1 – 25 of 37) sorted by relevance

12

/dports/misc/opennn/opennn-5.0.5/opennn/
H A Dlayer.cpp17 delete thread_pool_device; in ~Layer()
76 if(thread_pool_device != nullptr) delete this->thread_pool_device; in set_threads_number()
252 y.device(*thread_pool_device) = x.tanh(); in hyperbolic_tangent()
303 y.device(*thread_pool_device) = if_sentence.select(zeros, x); in rectified_linear()
324 y.device(*thread_pool_device) = if_sentence.select(f_1, f_2); in scaled_exponential_linear()
349 y.device(*thread_pool_device) = if_sentence.select(f_1, f_2); in soft_sign()
406 sum.device(*thread_pool_device) = x.exp().sum(); in softmax()
408 y.device(*thread_pool_device) = x.exp() / sum(0); in softmax()
696 y.device(*thread_pool_device) = x.tanh(); in hyperbolic_tangent()
872 y.device(*thread_pool_device) = x.exp(); in softmax()
[all …]
H A Dsum_squared_error.cpp53 back_propagation.errors.device(*thread_pool_device) = outputs - targets; in calculate_error()
55 …sum_squared_error.device(*thread_pool_device) = back_propagation.errors.contract(back_propagation.… in calculate_error()
75 …second_order_loss.error_terms.device(*thread_pool_device) = ((outputs - targets).square().sum(rows… in calculate_error_terms()
78 …error.device(*thread_pool_device) = second_order_loss.error_terms.contract(second_order_loss.error… in calculate_error_terms()
101 back_propagation.errors.device(*thread_pool_device) = outputs - targets; in calculate_output_gradient()
103 …back_propagation.output_gradient.device(*thread_pool_device) = coefficient*back_propagation.errors; in calculate_output_gradient()
118 …second_order_loss.gradient.device(*thread_pool_device) = second_order_loss.error_terms_Jacobian.co… in calculate_Jacobian_gradient()
120 second_order_loss.gradient.device(*thread_pool_device) = coefficient*second_order_loss.gradient; in calculate_Jacobian_gradient()
136 …second_order_loss.hessian.device(*thread_pool_device) = second_order_loss.error_terms_Jacobian.con… in calculate_hessian_approximation()
138 second_order_loss.hessian.device(*thread_pool_device) = coefficient*second_order_loss.hessian; in calculate_hessian_approximation()
H A Dmean_squared_error.cpp61 back_propagation.errors.device(*thread_pool_device) = outputs - targets; in calculate_error()
63 …sum_squared_error.device(*thread_pool_device) = back_propagation.errors.contract(back_propagation.… in calculate_error()
84 …second_order_loss.error_terms.device(*thread_pool_device) = ((outputs - targets).square().sum(rows… in calculate_error_terms()
87 …error.device(*thread_pool_device) = second_order_loss.error_terms.contract(second_order_loss.error… in calculate_error_terms()
112 back_propagation.errors.device(*thread_pool_device) = outputs - targets; in calculate_output_gradient()
114 …back_propagation.output_gradient.device(*thread_pool_device) = coefficient*back_propagation.errors; in calculate_output_gradient()
131 …second_order_loss.gradient.device(*thread_pool_device) = second_order_loss.error_terms_Jacobian.co… in calculate_Jacobian_gradient()
133 second_order_loss.gradient.device(*thread_pool_device) = coefficient*second_order_loss.gradient; in calculate_Jacobian_gradient()
150 …second_order_loss.hessian.device(*thread_pool_device) = second_order_loss.error_terms_Jacobian.con… in calculate_hessian_approximation()
152 second_order_loss.hessian.device(*thread_pool_device) = coefficient*second_order_loss.hessian; in calculate_hessian_approximation()
H A Dcorrelations.cpp21 type linear_correlation(const ThreadPoolDevice* thread_pool_device, in linear_correlation() argument
56 s_x.device(*thread_pool_device) = new_x.sum(); in linear_correlation()
57 s_y.device(*thread_pool_device) = new_y.sum(); in linear_correlation()
58 s_xx.device(*thread_pool_device) = new_x.square().sum(); in linear_correlation()
59 s_yy.device(*thread_pool_device) = new_y.square().sum(); in linear_correlation()
60 s_xy.device(*thread_pool_device) = (new_y*new_x).sum(); in linear_correlation()
675 s_x.device(*thread_pool_device) = new_x.sum(); in linear_regression()
676 s_y.device(*thread_pool_device) = new_y.sum(); in linear_regression()
677 s_xx.device(*thread_pool_device) = new_x.square().sum(); in linear_regression()
678 s_yy.device(*thread_pool_device) = new_y.square().sum(); in linear_regression()
[all …]
H A Dnormalized_squared_error.cpp207 back_propagation.errors.device(*thread_pool_device) = outputs - targets; in calculate_error()
209 …sum_squared_error.device(*thread_pool_device) = back_propagation.errors.contract(back_propagation… in calculate_error()
240 …second_order_loss.error_terms.device(*thread_pool_device) = ((outputs - targets).square().sum(rows… in calculate_error_terms()
243 …error.device(*thread_pool_device) = second_order_loss.error_terms.contract(second_order_loss.error… in calculate_error_terms()
271 back_propagation.errors.device(*thread_pool_device) = outputs - targets; in calculate_output_gradient()
273 …back_propagation.output_gradient.device(*thread_pool_device) = coefficient*back_propagation.errors; in calculate_output_gradient()
291 …second_order_loss.gradient.device(*thread_pool_device) = second_order_loss.error_terms_Jacobian.co… in calculate_Jacobian_gradient()
293 second_order_loss.gradient.device(*thread_pool_device) = coefficient*second_order_loss.gradient; in calculate_Jacobian_gradient()
311 …second_order_loss.hessian.device(*thread_pool_device) = second_order_loss.error_terms_Jacobian.con… in calculate_hessian_approximation()
313 second_order_loss.hessian.device(*thread_pool_device) = coefficient*second_order_loss.hessian; in calculate_hessian_approximation()
H A Dlearning_rate_algorithm.cpp42 delete thread_pool_device; in ~LearningRateAlgorithm()
155 delete thread_pool_device; in set_default()
159 thread_pool_device = new ThreadPoolDevice(non_blocking_thread_pool, n); in set_default()
184 if(thread_pool_device != nullptr) delete this->thread_pool_device; in set_threads_number()
187 thread_pool_device = new ThreadPoolDevice(non_blocking_thread_pool, new_threads_number); in set_threads_number()
303 if(thread_pool_device == nullptr) in calculate_directional_point()
368 optimization_data.potential_parameters.device(*thread_pool_device) in calculate_directional_point()
520 if(thread_pool_device == nullptr) in calculate_bracketing_triplet()
570 optimization_data.potential_parameters.device(*thread_pool_device) in calculate_bracketing_triplet()
590 optimization_data.potential_parameters.device(*thread_pool_device) in calculate_bracketing_triplet()
[all …]
H A Dminkowski_error.cpp107 back_propagation.errors.device(*thread_pool_device) = outputs - targets; in calculate_error()
109 …minkowski_error.device(*thread_pool_device) = (back_propagation.errors.abs().pow(minkowski_paramet… in calculate_error()
143 back_propagation.errors.device(*thread_pool_device) = outputs - targets; in calculate_output_gradient()
148 back_propagation.output_gradient.device(*thread_pool_device) in calculate_output_gradient()
151 back_propagation.output_gradient.device(*thread_pool_device) = in calculate_output_gradient()
H A Doptimization_algorithm.cpp22 thread_pool_device = new ThreadPoolDevice(non_blocking_thread_pool, n); in OptimizationAlgorithm()
36 thread_pool_device = new ThreadPoolDevice(non_blocking_thread_pool, n); in OptimizationAlgorithm()
47 delete thread_pool_device; in ~OptimizationAlgorithm()
165 if(thread_pool_device != nullptr) delete this->thread_pool_device; in set_threads_number()
168 thread_pool_device = new ThreadPoolDevice(non_blocking_thread_pool, new_threads_number); in set_threads_number()
H A Dquasi_newton_method.cpp566 parameters_difference_dot_gradient_difference.device(*thread_pool_device) in calculate_DFP_inverse_hessian()
569 optimization_data.old_inverse_hessian_dot_gradient_difference.device(*thread_pool_device) in calculate_DFP_inverse_hessian()
574 gradient_dot_hessian_dot_gradient.device(*thread_pool_device) in calculate_DFP_inverse_hessian()
608 parameters_difference_dot_gradient_difference.device(*thread_pool_device) in calculate_BFGS_inverse_hessian()
617 gradient_dot_hessian_dot_gradient.device(*thread_pool_device) in calculate_BFGS_inverse_hessian()
622 BFGS.device(*thread_pool_device) in calculate_BFGS_inverse_hessian()
663 optimization_data.parameters_difference.device(*thread_pool_device) in update_epoch()
666 optimization_data.gradient_difference.device(*thread_pool_device) in update_epoch()
685 optimization_data.training_direction.device(*thread_pool_device) in update_epoch()
690 optimization_data.training_slope.device(*thread_pool_device) in update_epoch()
[all …]
H A Dloss_index.cpp47 delete thread_pool_device; in ~LossIndex()
179 if(thread_pool_device != nullptr) delete this->thread_pool_device; in set_threads_number()
182 thread_pool_device = new ThreadPoolDevice(non_blocking_thread_pool, new_threads_number); in set_threads_number()
208 delete thread_pool_device; in set_default()
213 thread_pool_device = new ThreadPoolDevice(non_blocking_thread_pool, n); in set_default()
1065 norm.device(*thread_pool_device) = parameters.square().sum().sqrt(); in l2_norm()
1075 norm.device(*thread_pool_device) = parameters.abs().sum(); in l1_norm()
1087 gradient.device(*thread_pool_device) = parameters.sign(); in l1_norm_gradient()
1099 hessian.device(*thread_pool_device) = hessian.setZero(); //<--- in l1_norm_hessian()
1120 gradient.device(*thread_pool_device) = parameters/norm; in l2_norm_gradient()
[all …]
H A Dcross_entropy_error.cpp76 …cross_entropy_error.device(*thread_pool_device) = -(targets*(outputs.log())).sum() - ((1-targets)*… in calculate_binary_error()
94 cross_entropy_error.device(*thread_pool_device) = -(targets*(outputs.log())).sum(); in calculate_multiple_error()
134 …back_propagation.output_gradient.device(*thread_pool_device) = static_cast<type>(1)/static_cast<ty… in calculate_binary_output_gradient()
150 …back_propagation.output_gradient.device(*thread_pool_device) = static_cast<type>(1)/static_cast<ty… in calculate_multiple_output_gradient()
H A Dweighted_squared_error.cpp307 …error.device(*thread_pool_device) = second_order_loss.error_terms.contract(second_order_loss.error… in calculate_error_terms()
365 …back_propagation.output_gradient.device(*thread_pool_device) = (if_sentence.select(f_1, else_sente… in calculate_output_gradient()
388 …second_order_loss.gradient.device(*thread_pool_device) = second_order_loss.error_terms_Jacobian.co… in calculate_Jacobian_gradient()
390 second_order_loss.gradient.device(*thread_pool_device) = coefficient*second_order_loss.gradient; in calculate_Jacobian_gradient()
409 …second_order_loss.hessian.device(*thread_pool_device) = second_order_loss.error_terms_Jacobian.con… in calculate_hessian_approximation()
411 second_order_loss.hessian.device(*thread_pool_device) = coefficient*second_order_loss.hessian; in calculate_hessian_approximation()
H A Doptimization_algorithm.h254 ThreadPoolDevice* thread_pool_device; variable
295 tensor.device(*thread_pool_device) = tensor/norm; in normalized()
303 norm.device(*thread_pool_device) = tensor.square().sum().sqrt(); in l2_norm()
H A Dstochastic_gradient_descent.cpp366 …optimization_data.parameters_increment.device(*thread_pool_device) = back_propagation.gradient*(-l… in update_iteration()
370 …optimization_data.parameters_increment.device(*thread_pool_device) += momentum*optimization_data.l… in update_iteration()
374 …optimization_data.parameters.device(*thread_pool_device) += optimization_data.parameters_increment; in update_iteration()
378 optimization_data.nesterov_increment.device(*thread_pool_device) in update_iteration()
381 … optimization_data.parameters.device(*thread_pool_device) += optimization_data.nesterov_increment; in update_iteration()
386 …optimization_data.parameters.device(*thread_pool_device) += optimization_data.parameters_increment; in update_iteration()
H A Dconjugate_gradient.cpp549 numerator.device(*thread_pool_device) = gradient.contract(gradient, AT_B); in calculate_FR_parameter()
550 denominator.device(*thread_pool_device) = old_gradient.contract(old_gradient, AT_B); in calculate_FR_parameter()
631 numerator.device(*thread_pool_device) = (gradient-old_gradient).contract(gradient, AT_B); in calculate_PR_parameter()
632 denominator.device(*thread_pool_device) = old_gradient.contract(old_gradient, AT_B); in calculate_PR_parameter()
725 … training_direction.device(*thread_pool_device) = -gradient + old_training_direction*PR_parameter; in calculate_PR_training_direction()
793 … training_direction.device(*thread_pool_device) = -gradient + old_training_direction*FR_parameter; in calculate_FR_training_direction()
805 training_direction.device(*thread_pool_device) = -gradient; in calculate_gradient_descent_training_direction()
1871 optimization_data.training_slope.device(*thread_pool_device) in update_epoch()
1899 optimization_data.parameters_increment.device(*thread_pool_device) in update_epoch()
1904 …optimization_data.parameters.device(*thread_pool_device) += optimization_data.parameters_increment; in update_epoch()
H A Dperceptron_layer.cpp566 combinations_2d.device(*thread_pool_device) += inputs.contract(synaptic_weights, A_B); in calculate_combinations()
791 …output_delta.device(*thread_pool_device) = forward_propagation.activations_derivatives_2d*output_g… in calculate_output_delta()
832 … hidden_delta.device(*thread_pool_device) = next_layer_delta.contract(next_synaptic_weights, A_BT); in calculate_hidden_delta_perceptron()
834 hidden_delta.device(*thread_pool_device) = hidden_delta*activations_derivatives; in calculate_hidden_delta_perceptron()
847 … hidden_delta.device(*thread_pool_device) = next_layer_delta.contract(next_synaptic_weights, A_BT); in calculate_hidden_delta_probabilistic()
849 hidden_delta.device(*thread_pool_device) = hidden_delta*activations_derivatives; in calculate_hidden_delta_probabilistic()
859 back_propagation.biases_derivatives.device(*thread_pool_device) in calculate_error_gradient()
862 back_propagation.synaptic_weights_derivatives.device(*thread_pool_device) in calculate_error_gradient()
H A Ddata_set.cpp98 delete thread_pool_device; in ~DataSet()
4366 delete thread_pool_device; in set_default()
4370 thread_pool_device = new ThreadPoolDevice(non_blocking_thread_pool, n); in set_default()
4612 if(thread_pool_device != nullptr) delete thread_pool_device; in set_threads_number()
4615 thread_pool_device = new ThreadPoolDevice(non_blocking_thread_pool, new_threads_number); in set_threads_number()
5552 … correlations(i,j) = multiple_logistic_correlations(thread_pool_device, input, target); in calculate_input_target_columns_correlations()
5598 … correlations(i,j) = multiple_logistic_correlations(thread_pool_device, input, target); in calculate_input_target_columns_correlations()
5825 … regressions(i,j) = linear_regression(thread_pool_device, input_column, target_column); in calculate_input_target_columns_regressions()
5832 … regressions(i,j) = logistic_regression(thread_pool_device, input_column, target_column); in calculate_input_target_columns_regressions()
5839 … regressions(i,j) = logistic_regression(thread_pool_device, input_column, target_column); in calculate_input_target_columns_regressions()
[all …]
H A Dprobabilistic_layer.cpp669 combinations_2d.device(*thread_pool_device) += inputs.contract(synaptic_weights, A_B); in calculate_combinations()
842 output_delta.device(*thread_pool_device) = activations_derivatives*output_gradient; in calculate_output_delta()
894 …output_delta_row.device(*thread_pool_device) = output_gradient_row.contract(activations_derivative… in calculate_output_delta()
913 …back_propagation.biases_derivatives.device(*thread_pool_device) = back_propagation.delta.sum(Eigen… in calculate_error_gradient()
915 …back_propagation.synaptic_weights_derivatives.device(*thread_pool_device) = inputs.contract(back_p… in calculate_error_gradient()
/dports/misc/opennn/opennn-5.0.5/tests/
H A Dcorrelations_test.cpp55 correlation = linear_correlation(thread_pool_device,x,y); in test_linear_correlation()
63 correlation = linear_correlation(thread_pool_device,x,y); in test_linear_correlation()
87 correlation = rank_linear_correlation(thread_pool_device,x,y); in test_spearman_linear_correlation()
98 correlation = rank_linear_correlation(thread_pool_device,x,y); in test_spearman_linear_correlation()
148 correlation = rank_linear_correlation(thread_pool_device,x,y); in test_rank_linear_correlation()
156 correlation = rank_linear_correlation(thread_pool_device,x,y); in test_rank_linear_correlation()
279 correlation = rank_linear_correlation_missing_values(thread_pool_device,x,y); in test_rank_linear_correlation_missing_values()
286 correlation = rank_linear_correlation_missing_values(thread_pool_device, x, y); in test_rank_linear_correlation_missing_values()
491 type correlation = exponential_correlation(thread_pool_device,x,y); in test_exponential_correlation()
566 RegressionResults lr = linear_regression(thread_pool_device,vector1,vector2); in test_linear_regression_missing_values()
[all …]
/dports/math/eigen3/eigen-3.3.9/unsupported/test/
H A Dcxx11_tensor_thread_pool.cpp31 out.device(thread_pool_device) = in1 + in2 * 3.14f; in test_multithread_elementwise()
54 out.device(thread_pool_device) = in1; in test_multithread_compound_assignment()
55 out.device(thread_pool_device) += in2 * 3.14f; in test_multithread_compound_assignment()
86 Eigen::ThreadPoolDevice thread_pool_device(&tp, 4); in test_multithread_contraction() local
89 t_result.device(thread_pool_device) = t_left.contract(t_right, dims); in test_multithread_contraction()
127 Eigen::ThreadPoolDevice thread_pool_device(&tp, 12); in test_contraction_corner_cases() local
130 t_result.device(thread_pool_device) = t_left.contract(t_right, dims); in test_contraction_corner_cases()
223 tp_result.device(thread_pool_device) = left.contract(right, dims); in test_multithread_contraction_agrees_with_singlethread()
262 tp_result.device(thread_pool_device) = left.contract(right, dims); in test_full_contraction()
287 full_redux_tp.device(thread_pool_device) = t1.sum(); in test_multithreaded_reductions()
[all …]
/dports/math/stanmath/math-4.2.0/lib/eigen_3.3.9/unsupported/test/
H A Dcxx11_tensor_thread_pool.cpp31 out.device(thread_pool_device) = in1 + in2 * 3.14f; in test_multithread_elementwise()
54 out.device(thread_pool_device) = in1; in test_multithread_compound_assignment()
55 out.device(thread_pool_device) += in2 * 3.14f; in test_multithread_compound_assignment()
86 Eigen::ThreadPoolDevice thread_pool_device(&tp, 4); in test_multithread_contraction() local
89 t_result.device(thread_pool_device) = t_left.contract(t_right, dims); in test_multithread_contraction()
127 Eigen::ThreadPoolDevice thread_pool_device(&tp, 12); in test_contraction_corner_cases() local
130 t_result.device(thread_pool_device) = t_left.contract(t_right, dims); in test_contraction_corner_cases()
223 tp_result.device(thread_pool_device) = left.contract(right, dims); in test_multithread_contraction_agrees_with_singlethread()
262 tp_result.device(thread_pool_device) = left.contract(right, dims); in test_full_contraction()
287 full_redux_tp.device(thread_pool_device) = t1.sum(); in test_multithreaded_reductions()
[all …]
/dports/math/libsemigroups/libsemigroups-1.3.7/extern/eigen-3.3.7/unsupported/test/
H A Dcxx11_tensor_thread_pool.cpp31 out.device(thread_pool_device) = in1 + in2 * 3.14f; in test_multithread_elementwise()
54 out.device(thread_pool_device) = in1; in test_multithread_compound_assignment()
55 out.device(thread_pool_device) += in2 * 3.14f; in test_multithread_compound_assignment()
86 Eigen::ThreadPoolDevice thread_pool_device(&tp, 4); in test_multithread_contraction() local
89 t_result.device(thread_pool_device) = t_left.contract(t_right, dims); in test_multithread_contraction()
127 Eigen::ThreadPoolDevice thread_pool_device(&tp, 12); in test_contraction_corner_cases() local
130 t_result.device(thread_pool_device) = t_left.contract(t_right, dims); in test_contraction_corner_cases()
223 tp_result.device(thread_pool_device) = left.contract(right, dims); in test_multithread_contraction_agrees_with_singlethread()
262 tp_result.device(thread_pool_device) = left.contract(right, dims); in test_full_contraction()
287 full_redux_tp.device(thread_pool_device) = t1.sum(); in test_multithreaded_reductions()
[all …]
/dports/misc/opennn/opennn-5.0.5/eigen/unsupported/test/
H A Dcxx11_tensor_thread_pool.cpp31 out.device(thread_pool_device) = in1 + in2 * 3.14f; in test_multithread_elementwise()
54 out.device(thread_pool_device) = in1; in test_multithread_compound_assignment()
55 out.device(thread_pool_device) += in2 * 3.14f; in test_multithread_compound_assignment()
86 Eigen::ThreadPoolDevice thread_pool_device(&tp, 4); in test_multithread_contraction() local
89 t_result.device(thread_pool_device) = t_left.contract(t_right, dims); in test_multithread_contraction()
127 Eigen::ThreadPoolDevice thread_pool_device(&tp, 12); in test_contraction_corner_cases() local
130 t_result.device(thread_pool_device) = t_left.contract(t_right, dims); in test_contraction_corner_cases()
223 tp_result.device(thread_pool_device) = left.contract(right, dims); in test_multithread_contraction_agrees_with_singlethread()
262 tp_result.device(thread_pool_device) = left.contract(right, dims); in test_full_contraction()
287 full_redux_tp.device(thread_pool_device) = t1.sum(); in test_multithreaded_reductions()
[all …]
/dports/devel/taskflow/taskflow-3.2.0/3rd-party/eigen-3.3.7/unsupported/test/
H A Dcxx11_tensor_thread_pool.cpp31 out.device(thread_pool_device) = in1 + in2 * 3.14f; in test_multithread_elementwise()
54 out.device(thread_pool_device) = in1; in test_multithread_compound_assignment()
55 out.device(thread_pool_device) += in2 * 3.14f; in test_multithread_compound_assignment()
86 Eigen::ThreadPoolDevice thread_pool_device(&tp, 4); in test_multithread_contraction() local
89 t_result.device(thread_pool_device) = t_left.contract(t_right, dims); in test_multithread_contraction()
127 Eigen::ThreadPoolDevice thread_pool_device(&tp, 12); in test_contraction_corner_cases() local
130 t_result.device(thread_pool_device) = t_left.contract(t_right, dims); in test_contraction_corner_cases()
223 tp_result.device(thread_pool_device) = left.contract(right, dims); in test_multithread_contraction_agrees_with_singlethread()
262 tp_result.device(thread_pool_device) = left.contract(right, dims); in test_full_contraction()
287 full_redux_tp.device(thread_pool_device) = t1.sum(); in test_multithreaded_reductions()
[all …]
/dports/math/py-pystan/pystan-2.19.0.0/pystan/stan/lib/stan_math/lib/eigen_3.3.3/unsupported/test/
H A Dcxx11_tensor_thread_pool.cpp31 out.device(thread_pool_device) = in1 + in2 * 3.14f; in test_multithread_elementwise()
54 out.device(thread_pool_device) = in1; in test_multithread_compound_assignment()
55 out.device(thread_pool_device) += in2 * 3.14f; in test_multithread_compound_assignment()
86 Eigen::ThreadPoolDevice thread_pool_device(&tp, 4); in test_multithread_contraction() local
89 t_result.device(thread_pool_device) = t_left.contract(t_right, dims); in test_multithread_contraction()
127 Eigen::ThreadPoolDevice thread_pool_device(&tp, 12); in test_contraction_corner_cases() local
130 t_result.device(thread_pool_device) = t_left.contract(t_right, dims); in test_contraction_corner_cases()
223 tp_result.device(thread_pool_device) = left.contract(right, dims); in test_multithread_contraction_agrees_with_singlethread()
262 tp_result.device(thread_pool_device) = left.contract(right, dims); in test_full_contraction()
287 full_redux_tp.device(thread_pool_device) = t1.sum(); in test_multithreaded_reductions()
[all …]

12