Rosetta
|
#include <cmath>
#include <cstdio>
#include <cstdlib>
#include <cstring>
#include <cstdarg>
#include <climits>
#include <clocale>
#include <iostream>
#include <cassert>
#include "Svm.hh"
Classes | |
class | Cache |
struct | Cache::head_t |
class | QMatrix |
class | Kernel |
class | Solver |
struct | Solver::SolutionInfo |
class | Solver_NU |
class | SVC_Q |
class | ONE_CLASS_Q |
class | SVR_Q |
struct | decision_function |
Macros | |
#define | INF HUGE_VAL |
#define | TAU 1e-12 |
#define | Malloc(type, n) (type *)malloc((n)*sizeof(type)) |
Typedefs | |
using | Qfloat = float |
using | schar = signed char |
Functions | |
template<class T > | |
static T | min (T x, T y) |
template<class T > | |
static T | max (T x, T y) |
template<class T > | |
static void | swap (T &x, T &y) |
template<class S , class T > | |
static void | clone (T *&dst, S *src, int n) |
static double | powi (double base, int times) |
static void | print_string_stdout (const char *s) |
static void | info (const char *fmt,...) |
static void | solve_c_svc (const svm_problem *prob, const svm_parameter *param, double *alpha, Solver::SolutionInfo *si, double Cp, double Cn) |
static void | solve_nu_svc (const svm_problem *prob, const svm_parameter *param, double *alpha, Solver::SolutionInfo *si) |
static void | solve_one_class (const svm_problem *prob, const svm_parameter *param, double *alpha, Solver::SolutionInfo *si) |
static void | solve_epsilon_svr (const svm_problem *prob, const svm_parameter *param, double *alpha, Solver::SolutionInfo *si) |
static void | solve_nu_svr (const svm_problem *prob, const svm_parameter *param, double *alpha, Solver::SolutionInfo *si) |
static decision_function | svm_train_one (const svm_problem *prob, const svm_parameter *param, double Cp, double Cn) |
static void | sigmoid_train (int l, const double *dec_values, const double *labels, double &A, double &B) |
static double | sigmoid_predict (double decision_value, double A, double B) |
static void | multiclass_probability (int k, double **r, double *p) |
static void | svm_binary_svc_probability (const svm_problem *prob, const svm_parameter *param, double Cp, double Cn, double &probA, double &probB) |
static double | svm_svr_probability (const svm_problem *prob, const svm_parameter *param) |
static void | svm_group_classes (const svm_problem *prob, int *nr_class_ret, int **label_ret, int **start_ret, int **count_ret, int *perm) |
svm_model * | svm_train (const svm_problem *prob, const svm_parameter *param) |
void | svm_cross_validation (const svm_problem *prob, const svm_parameter *param, int nr_fold, double *target) |
int | svm_get_svm_type (const svm_model *model) |
int | svm_get_nr_class (const svm_model *model) |
void | svm_get_labels (const svm_model *model, int *label) |
void | svm_get_sv_indices (const svm_model *model, int *indices) |
int | svm_get_nr_sv (const svm_model *model) |
double | svm_get_svr_probability (const svm_model *model) |
double | svm_predict_values (const svm_model *model, const svm_node *x, double *dec_values) |
double | svm_predict (const svm_model *model, const svm_node *x) |
double | svm_predict_probability (const svm_model *model, const svm_node *x, double *prob_estimates) |
int | svm_save_model (const char *model_file_name, const svm_model *model) |
static char * | readline (FILE *input) |
svm_model * | svm_load_model (const char *model_file_name) |
void | svm_free_model_content (svm_model *model_ptr) |
void | svm_free_and_destroy_model (svm_model **model_ptr_ptr) |
void | svm_destroy_param (svm_parameter *param) |
const char * | svm_check_parameter (const svm_problem *prob, const svm_parameter *param) |
int | svm_check_probability_model (const svm_model *model) |
void | svm_set_print_string_function (void(*print_func)(const char *)) |
Variables | |
int | libsvm_version = LIBSVM_VERSION |
static void(* | svm_print_string )(const char *) = &print_string_stdout |
static const char * | svm_type_table [] |
static const char * | kernel_type_table [] |
static char * | line = nullptr |
static int | max_line_len |
#define INF HUGE_VAL |
#define Malloc | ( | type, | |
n | |||
) | (type *)malloc((n)*sizeof(type)) |
#define TAU 1e-12 |
using Qfloat = float |
using schar = signed char |
References kmeans_adaptive_kernel_density_bb_dependent_rotlib::n.
Referenced by PeptoidDihedralGrabber::fresh_instance(), PeptoidRotamerRecoverer::fresh_instance(), PepMinMover::fresh_instance(), CalcsTestMover::fresh_instance(), ExposedStrandMover::fresh_instance(), HDmakerMover::fresh_instance(), Kernel::Kernel(), main(), Solver::Solve(), and SVC_Q::SVC_Q().
|
static |
References cal_vdw_radius_pool::buf.
Referenced by detail::dragonbox::check_divisibility_and_divide_by_pow5(), Solver::do_shrinking(), get_attachment_point_string(), numeric::nls::lm_lmdif(), main(), multiclass_probability(), mut_info(), output_strand1_strand2_info(), output_torsion_list(), utility::json_spirit::read_range_or_throw(), Solver::reconstruct_gradient(), sample_torsions(), DesignGlycansProtocol::show(), sigmoid_train(), detail::dragonbox::small_division_by_pow10(), Solver::Solve(), solve_c_svc(), solve_epsilon_svr(), solve_nu_svc(), solve_nu_svr(), svm_check_parameter(), svm_group_classes(), svm_svr_probability(), svm_train(), svm_train_one(), time_highres(), binder::Context::trace_line(), and two_base_pairs_via_loop_closure_test().
References x, and predPRE::y.
Referenced by pyrosetta.EnergyMethod::__call__(), PyMOL-Rosetta-relay-client.Matrix::__init__(), PyMOL-RosettaServer.Matrix::__init__(), add_scores(), pseudoTrace::add_to_C(), pseudoTrace::add_to_N(), numeric::xyzTransform< T >::align(), Tet4HMatchAligner::align_rot(), align_sf4(), align_zns(), protocols::abinitio::ApplicationContext::ApplicationContext(), xtal_water_bunsat::apply(), MyScoreMover::apply(), LoopHashRelax_Sampler::apply(), RosettaHolesMover::apply(), ExposedStrandMover::apply(), CrystFFTDock::apply(), assign_models(), HBondReporter::bfactor(), ObjexxFCL::format::bite(), numeric::boltzmann_accept_probability(), utility::io::ozstream::buffer_size(), Cache::Cache(), ConstraintStatsMover::calc_native_stats(), Solver::calculate_rho(), Solver_NU::calculate_rho(), choose_centroids(), ClashCheck::clash_check(), MatchSet::clash_check(), clash_score(), ObjexxFCL::DimensionExpressionMax::clone(), ClosabilityScore::closability_score(), numeric::coordinate_fitting::FlatLookup< QueryType, EntryType, Real >::closest_match(), numeric::coordinate_fitting::FlatLookup< QueryType, EntryType, Real >::closest_match_subset(), numeric::fourier::SO3coeffs::coefLoc(), pyrosetta.numeric.alignment.rmsd_calc::coordinate_array_rmsd(), correct_rama(), numeric::deriv::dihedral_deriv_second(), protocols::abinitio::JumpSpecificAbrelax::do_distributed_rerun(), Solver_NU::do_shrinking(), dock(), doit(), dump_bundle_pose(), dump_energy_kinemage(), dump_pair_pose(), TCDock::dump_pdb(), dump_sequences(), TCDock::dump_top_hits(), ObjexxFCL::format::E(), numeric::kdtree::HyperRectangle::extend(), ObjexxFCL::format::F(), ObjexxFCL::FArray1D< T >::FArray1D(), ObjexxFCL::FArray2D< T >::FArray2D(), ObjexxFCL::FArray3D< T >::FArray3D(), ObjexxFCL::FArray4D< T >::FArray4D(), ObjexxFCL::FArray5D< T >::FArray5D(), ObjexxFCL::FArray6D< T >::FArray6D(), mutant_modeler::figure_out_WT_seq(), numeric::coordinate_fitting::FlatLookup< QueryType, EntryType, Real >::first_match(), detail::int_checker< IsSigned >::fits_in_int(), protocols::abinitio::JumpSpecificAbrelax::fold(), for(), full_length_rmsd_over_reside_list_general(), TCDock::gather_hits(), gen_pep_bb_sequential(), generate_disulfide_conformations(), numeric::fourier::SO3coeffs::genWigner_ds(), PyMOL-Rosetta-relay-client::get_ends(), PyMOL-RosettaServer::get_ends(), pyrosetta.PyMOLRosettaServer::get_ends(), get_gap_size(), CrystFFTDock::get_interfaces_allatom(), get_localreso(), get_max_interface(), Spacegroup::get_nsubdivisions(), numeric::kdtree::get_percentile_bounds(), arls_impl::get_procs_per_case(), get_radius(), utility::get_undefined_real(), utility::get_undefined_size(), numeric::VoxelGrid< T >::GetIndex(), harvest_scores(), ObjexxFCL::format::I(), ui::network::IntegerArgument::init(), ui::network::FloatArgument::init(), intersect(), IsctFast::IsctFast(), isctfast(), TCDock::justone(), ObjexxFCL::KeyFArray1D< T >::KeyFArray1D(), ObjexxFCL::KeyFArray2D< T >::KeyFArray2D(), ObjexxFCL::KeyFArray3D< T >::KeyFArray3D(), ObjexxFCL::KeyFArray4D< T >::KeyFArray4D(), ObjexxFCL::KeyFArray5D< T >::KeyFArray5D(), ObjexxFCL::KeyFArray6D< T >::KeyFArray6D(), numeric::fourier::kiss_fftndr(), numeric::fourier::kiss_fftndri(), utility::graph::RingDetection< Graph >::LengthOfSmallestCycleWithVertex(), ligand_dock_main_jd1(), utility::tag::XMLErrorHandler::lines_near_error(), FragMonteCarlo::load_scorefiles(), safe_duration_cast::lossless_integral_conversion(), main(), dbscan_cluster_rotamer::main_old_kmeans(), numeric::max(), ObjexxFCL::max(), utility::max(), ObjexxFCL::Chunk< T >::max_size(), ObjexxFCL::ChunkVector< T >::max_size(), detail::max_value(), numeric::xyzVector< T >::maximum_value(), multiclass_probability(), numeric::interpolation::multilinear_interpolation(), my_main(), nearlyEqual(), on_segment(), pyrosetta.io.silent_file_map::open_compressed(), ui::network::IntegerArgument::operator QString(), ui::network::FloatArgument::operator QString(), numeric::expression_parser::MaxExpression::operator()(), ObjexxFCL::DimensionExpressionMax::operator()(), detail::printf_precision_handler::operator()(), optimize_weights(), overlap_score(), numeric::deriv::p1_theta_deriv(), percent_subangstrom::parse_job(), score_vs_rmsd::parse_old_source(), cal_NBR_radius::parse_res_lines(), KinFunGroupTK::place_c(), KinRotSel::place_n(), gaussian-sampling::plot_correlation(), populate_database_with_dummy_data(), DockFragmentsMover::process_fragfile(), process_ss_str(), numeric::proj_angl(), CrystFFTDock::project_along_axis(), read_sphere(), refold_second(), ObjexxFCL::format::repeat(), CrystFFTDock::resample_maps_and_get_self(), numeric::fourier::kiss_fftndr_state::resize(), numeric::xyzTransform< T >::rotation_axis(), numeric::model_quality::rsym_eigenval(), run(), TCDock::run(), ConsensusFragmentMover::run(), run_3bpy(), run_parallel_docking(), safe_duration_cast::safe_float_conversion(), CapriTotalEnergy::score_experimental_constraints(), Solver_NU::select_working_set(), MinTestMover::set_foldtree_for_variable_movement(), numeric::VoxelGrid< T >::SetObjects(), CrystFFTDock::setup_maps(), numeric::VoxelGrid< T >::SetupGrid(), ConstraintConfig::show_cst_grids(), sic_fast_x(), sicdock_thread_num(), sicfast(), utility::io::skip(), ObjexxFCL::format::skip(), numeric::fourier::SHT::so3CombineCoef(), soft_overlap_score(), Solver::Solve(), ObjexxFCL::format::space(), basic::svd::SVD_Solver::svdcmp(), numeric::linear_algebra::svdcmp(), svm_predict_probability(), ui::task::Task::syncing_progress(), TCDock::TCDock(), TCDock::termini_score(), test(), test_refold(), pyrosetta.utility.array::to_structured_array(), numeric::kdtree::transform_percentile(), ObjexxFCL::Fstring::trimmed_whitespace_range(), ObjexxFCL::DimensionExpressionMax::value(), visualize(), numeric::fourier::SO3coeffs::wignerSynthesis(), numeric::fourier::SO3coeffs::wignerSynthesisDiffSign(), numeric::fourier::SO3coeffs::wignerSynthesisSameSign(), write_cluster_frags(), detail::write_float(), ObjexxFCL::format::X(), numeric::deriv::x_and_dtheta_dx(), and numeric::HomogeneousTransform< T >::xform_magnitude().
References x, and predPRE::y.
Referenced by TCDock::__dock_base__(), PyMOL-Rosetta-relay-client.Matrix::__init__(), PyMOL-RosettaServer.Matrix::__init__(), add_scores(), add_symm_zns(), numeric::xyzTransform< T >::align(), Tet4HMatchAligner::align_rot(), align_sf4(), align_zns(), GetURLHandler::AppendDataBytes(), CovalentPeptidomimeticDockDesign::apply(), B3AADihedralGrabber::apply(), HotspotPlacementMover::apply(), LoopHashRelax_Sampler::apply(), ExposedStrandMover::apply(), CrystFFTDock::apply(), balls_pdb(), zlib_stream::basic_zip_streambuf< Elem, Tr, ElemA, ByteT, ByteAT >::basic_zip_streambuf(), bin2string(), numeric::boltzmann_accept_probability(), brute_mindis(), cal_score(), calc_ddg(), calc_min(), calc_rama_scores(), calc_rmsd_and_clash_score(), calc_scores(), Solver::calculate_rho(), Solver_NU::calculate_rho(), numeric::ccd_angle(), check_protein_rna_clash(), choose_centroids(), ClashCheck::clash_check(), MatchSet::clash_check(), clash_score(), ObjexxFCL::DimensionExpressionMin::clone(), ClosabilityScore::closability_score(), DockFragmentsMover::cluster_frags(), compute_intrinsic_deviation(), compute_num_bins(), ObjexxFCL::Fstring::copy(), protocols::abinitio::Application::copy_native_structure(), protocols::abinitio::JumpSpecificAbrelax::copy_structure(), protocols::abinitio::ApplicationContext::copyStructure(), correct_dunbrack(), correct_rama(), utility::decode6bit(), design(), design_1comp(), numeric::deriv::dihedral_deriv_second(), pyrosetta.bindings.pose::display_secstruct(), basic::thread_manager::RosettaThreadManager::do_multistage_work_vector_in_threads(), PerturbStruct::do_mutate(), do_tmscore(), basic::thread_manager::RosettaThreadManager::do_work_vector_in_threads(), basic::thread_manager::RosettaThreadManager::do_work_vector_in_threads_no_locking(), dock(), doit(), job_manager.CommandRunner::dump(), dump_bundle_pose(), dump_pair_pose(), ObjexxFCL::format::E(), numeric::kdtree::HyperRectangle::extend(), ObjexxFCL::format::F(), ObjexxFCL::FArray1D< T >::FArray1D(), ObjexxFCL::FArray2D< T >::FArray2D(), ObjexxFCL::FArray3D< T >::FArray3D(), ObjexxFCL::FArray4D< T >::FArray4D(), ObjexxFCL::FArray5D< T >::FArray5D(), ObjexxFCL::FArray6D< T >::FArray6D(), auto-DRRAFTER_setup_next_round::figure_out_next_round(), mutant_modeler::figure_out_WT_seq(), gaussian-sampling::final_accept(), CapriTotalEnergy::finalize_total_energy(), detail::int_checker< true >::fits_in_int(), for(), TCDock::gather_hits(), generalize_gaussian_chain_func_test(), generate_disulfide_conformations(), numeric::fourier::SO3coeffs::genWigner_ds(), PyMOL-Rosetta-relay-client::get_ends(), PyMOL-RosettaServer::get_ends(), pyrosetta.PyMOLRosettaServer::get_ends(), get_gap_size(), get_interface_score(), get_localreso(), DRRAFTER::get_n_cycles(), numeric::kdtree::get_percentile_bounds(), get_radius(), ui::task::get_retry_interval(), numeric::VoxelGrid< T >::GetIndex(), options_class::getMarkdownPage(), go_main(), gradual_minimization(), harvest_scores(), ObjexxFCL::format::I(), TCDock::init(), ui::network::IntegerArgument::init(), ui::network::FloatArgument::init(), gaussian-sampling::initial_accept(), intersect(), IsctFast::IsctFast(), isctfast(), TCDock::justone(), ObjexxFCL::KeyFArray1D< T >::KeyFArray1D(), ObjexxFCL::KeyFArray2D< T >::KeyFArray2D(), ObjexxFCL::KeyFArray3D< T >::KeyFArray3D(), ObjexxFCL::KeyFArray4D< T >::KeyFArray4D(), ObjexxFCL::KeyFArray5D< T >::KeyFArray5D(), ObjexxFCL::KeyFArray6D< T >::KeyFArray6D(), utility::graph::RingDetection< Graph >::LengthOfSmallestCycleWithVertex(), utility::tag::XMLErrorHandler::lines_near_error(), safe_duration_cast::lossless_integral_conversion(), get_lowest_scoring_relaxed_models::main(), best_ifaceE::main(), main(), make_fragments(), MC_run(), utility::options::OptionCollection::merged(), numeric::min(), ObjexxFCL::min(), utility::min(), min_index(), TCDock::min_termini_dis(), TCDock::min_termini_proj(), numeric::xyzVector< T >::minimum_value(), protocols::abinitio::JumpSpecificAbrelax::multi_fast_relax(), numeric::interpolation::multilinear_interpolation(), multimodel_gdt(), utility::options::OptionCollection::n_part_prefix_match(), numeric::kdtree::nearest_neighbor(), numeric::kdtree::nearest_neighbors(), nearlyEqual(), on_segment(), numeric::expression_parser::MinExpression::operator()(), ObjexxFCL::DimensionExpressionMin::operator()(), optimize_weights(), overlap_score(), ObjexxFCL::Fstring::overlay(), numeric::deriv::p1_theta_deriv(), KinFunGroupTK::place_c(), job_manager.CommandRunner::poll(), populate_database_with_dummy_data(), pose2bin(), print_verbose_ddgs(), process_for_motifs(), DockFragmentsMover::process_fragfile(), numeric::proj_angl(), CL::q2d(), CL::q3d(), read_sphere(), refine(), repack_iface(), repackmin(), myspace::report_data(), numeric::random::reservoir_sample_accept_prob(), ObjexxFCL::ChunkVector< T >::reshape(), ObjexxFCL::Chunk< T >::resize(), DisulfEposDatabase::rms(), rna_design_test(), rna_protein_pdbstats_test(), numeric::xyzTransform< T >::rotation_axis(), run(), TCDock::run(), FragmentAssemblyMover::run(), FragMonteCarlo::run(), run_3bpy(), run_parallel_docking(), safe_duration_cast::safe_duration_cast(), RMS_ScoringScheme::score(), CapriTotalEnergy::score_experimental_constraints(), set_basic_dock_options(), MinTestMover::set_foldtree_for_variable_movement(), numeric::VoxelGrid< T >::SetObjects(), numeric::VoxelGrid< T >::SetupGrid(), shift_center_and_PCA(), pointGroupHit::show(), ConstraintConfig::show_cst_grids(), utility::options::OptionCollection::show_option_help(), sic_fast_x(), sicdock_thread_num(), sicfast(), soft_overlap_score(), Solver::Solve(), solve_nu_svc(), solve_nu_svr(), binder::split_in_two(), basic::svd::SVD_Solver::svdcmp(), numeric::linear_algebra::svdcmp(), svm_check_parameter(), svm_predict_probability(), TCDock::TCDock(), TEST(), test(), test_gradient(), test_pack14(), test_refold(), test_suck_res(), pyrosetta.utility.array::to_structured_array(), traceCAs(), numeric::kdtree::transform_percentile(), ObjexxFCL::DimensionExpressionMin::value(), visualize(), numeric::kdtree::KDPointList::worst_distance(), utility::options::OptionCollection::wrapped(), numeric::deriv::x_and_dtheta_dx(), and CL::zero_gpu_mem().
References erraser_analysis::diff, eps, closure_error::error, free(), info(), create_a3b_hbs::j, create_a3b_hbs::k, Malloc, max(), kmeans_adaptive_kernel_density_bb_dependent_rotlib::p, docking::Q, create_a3b_hbs::r, and predPRE::t.
Referenced by svm_predict_probability().
References test.T005_Bindings::base, and predPRE::t.
Referenced by Kernel::k_function(), and Kernel::kernel_poly().
|
static |
References detail::fputs(), docking::s, and build::stdout.
Referenced by svm_set_print_string_function().
|
static |
References gaussian-sampling::input, enumerate_junctions::int, ObjexxFCL::len(), line, max_line_len, and val2thr::newline.
Referenced by svm_load_model().
Referenced by svm_predict_probability().
|
static |
References test.T009_Exceptions::e, eps, free(), create_a3b_hbs::i, info(), extract_by_sidechain_sasa_score::l, numeric::log(), Malloc, kmeans_adaptive_kernel_density_bb_dependent_rotlib::p, enumerate_junctions::q, spectral_cluster_kmeans_adaptive_kernel_density_bb_dependent_rotlib::sigma, and predPRE::t.
Referenced by svm_binary_svc_probability().
|
static |
|
static |
|
static |
References compute_difference::alpha, create_a3b_hbs::i, info(), extract_by_sidechain_sasa_score::l, min(), Solver::SolutionInfo::obj, PREcst::param, spectral_cluster_kmeans_adaptive_kernel_density_bb_dependent_rotlib::prob, create_a3b_hbs::r, Solver::SolutionInfo::r, Solver::SolutionInfo::rho, docking::s, Solver::SolutionInfo::upper_bound_n, Solver::SolutionInfo::upper_bound_p, predPRE::y, and zeros().
Referenced by svm_train_one().
|
static |
|
static |
References compute_difference::alpha, create_a3b_hbs::i, enumerate_junctions::int, extract_by_sidechain_sasa_score::l, kmeans_adaptive_kernel_density_bb_dependent_rotlib::n, PREcst::param, spectral_cluster_kmeans_adaptive_kernel_density_bb_dependent_rotlib::prob, docking::s, and zeros().
Referenced by svm_train_one().
|
static |
References begin, svm_parameter::C, end, free(), create_a3b_hbs::i, create_a3b_hbs::j, create_a3b_hbs::k, svm_problem::l, svm_model::label, Malloc, svm_parameter::nr_weight, PREcst::param, spectral_cluster_kmeans_adaptive_kernel_density_bb_dependent_rotlib::prob, svm_model::probA, svm_parameter::probability, svm_model::probB, sigmoid_train(), svm_destroy_param(), svm_free_and_destroy_model(), svm_predict_values(), svm_train(), swap(), svm_parameter::weight, and svm_parameter::weight_label.
Referenced by svm_train().
const char* svm_check_parameter | ( | const svm_problem * | prob, |
const svm_parameter * | param | ||
) |
References C_SVC, count, EPSILON_SVR, for(), free(), create_a3b_hbs::i, info(), enumerate_junctions::int, create_a3b_hbs::j, extract_by_sidechain_sasa_score::l, predPRE::label, LINEAR, Malloc, min(), svm_model::nr_class, NU_SVC, NU_SVR, ONE_CLASS, PREcst::param, POLY, PRECOMPUTED, spectral_cluster_kmeans_adaptive_kernel_density_bb_dependent_rotlib::prob, RBF, and SIGMOID.
int svm_check_probability_model | ( | const svm_model * | model | ) |
References C_SVC, EPSILON_SVR, closure_error::model, NU_SVC, and NU_SVR.
void svm_cross_validation | ( | const svm_problem * | prob, |
const svm_parameter * | param, | ||
int | nr_fold, | ||
double * | target | ||
) |
References begin, kmeans_adaptive_kernel_density_bb_dependent_rotlib::c, C_SVC, count, end, free(), create_a3b_hbs::i, ObjexxFCL::index(), create_a3b_hbs::j, create_a3b_hbs::k, extract_by_sidechain_sasa_score::l, svm_problem::l, predPRE::label, Malloc, svm_model::nr_class, NU_SVC, PREcst::param, spectral_cluster_kmeans_adaptive_kernel_density_bb_dependent_rotlib::prob, basic::options::OptionKeys::cutoutdomain::start, svm_free_and_destroy_model(), svm_get_nr_class(), svm_group_classes(), svm_predict(), svm_predict_probability(), svm_train(), swap(), basic::options::OptionKeys::hotspot::target, svm_problem::x, and svm_problem::y.
Referenced by svm_svr_probability().
void svm_destroy_param | ( | svm_parameter * | param | ) |
References free(), and PREcst::param.
Referenced by svm_binary_svc_probability().
void svm_free_and_destroy_model | ( | svm_model ** | model_ptr_ptr | ) |
References free(), and svm_free_model_content().
Referenced by svm_binary_svc_probability(), and svm_cross_validation().
void svm_free_model_content | ( | svm_model * | model_ptr | ) |
References free(), svm_model::free_sv, create_a3b_hbs::i, svm_model::l, svm_model::label, svm_model::nr_class, svm_model::nSV, svm_model::probA, svm_model::probB, svm_model::rho, svm_model::SV, and svm_model::sv_coef.
Referenced by svm_free_and_destroy_model(), and utility::libsvm::Svm_rosetta::~Svm_rosetta().
void svm_get_labels | ( | const svm_model * | model, |
int * | label | ||
) |
References create_a3b_hbs::i, predPRE::label, and closure_error::model.
int svm_get_nr_class | ( | const svm_model * | model | ) |
References closure_error::model.
Referenced by utility::libsvm::Svm_rosetta::get_nr_class(), utility::libsvm::Svm_rosetta::predict_probability(), and svm_cross_validation().
int svm_get_nr_sv | ( | const svm_model * | model | ) |
References closure_error::model.
void svm_get_sv_indices | ( | const svm_model * | model, |
int * | indices | ||
) |
References create_a3b_hbs::i, internal_coordinates::indices, and closure_error::model.
int svm_get_svm_type | ( | const svm_model * | model | ) |
References closure_error::model.
References EPSILON_SVR, fprintf(), closure_error::model, and NU_SVR.
|
static |
References count, for(), free(), create_a3b_hbs::i, info(), enumerate_junctions::int, create_a3b_hbs::j, extract_by_sidechain_sasa_score::l, predPRE::label, Malloc, svm_model::nr_class, spectral_cluster_kmeans_adaptive_kernel_density_bb_dependent_rotlib::prob, and basic::options::OptionKeys::cutoutdomain::start.
Referenced by svm_cross_validation(), and svm_train().
svm_model* svm_load_model | ( | const char * | model_file_name | ) |
References kmeans_adaptive_kernel_density_bb_dependent_rotlib::c, utility::io::oc::cout, fclose(), PREcst::FILE, evaluate_beta_mutants::fp, fprintf(), free(), create_a3b_hbs::i, kmeans_adaptive_kernel_density_bb_dependent_rotlib::idx, svm_node::index, enumerate_junctions::int, create_a3b_hbs::j, create_a3b_hbs::k, kernel_type_table, extract_by_sidechain_sasa_score::l, line, kmeans_adaptive_kernel_density_bb_dependent_rotlib::m, Malloc, max_line_len, closure_error::model, basic::options::OptionKeys::legacy_sewing::model_file_name, kmeans_adaptive_kernel_density_bb_dependent_rotlib::n, kmeans_adaptive_kernel_density_bb_dependent_rotlib::p, PREcst::param, make_symmdef_file_denovo::pos, readline(), svm_type_table, and svm_node::value.
Referenced by utility::libsvm::Svm_rosetta::Svm_rosetta().
References EPSILON_SVR, free(), Malloc, closure_error::model, svm_model::nr_class, NU_SVR, ONE_CLASS, svm_predict_values(), and x.
Referenced by utility::libsvm::Svm_rosetta::predict(), svm_cross_validation(), and svm_predict_probability().
double svm_predict_probability | ( | const svm_model * | model, |
const svm_node * | x, | ||
double * | prob_estimates | ||
) |
References C_SVC, test.T009_Exceptions::e, free(), create_a3b_hbs::i, create_a3b_hbs::j, create_a3b_hbs::k, Malloc, max(), min(), closure_error::model, multiclass_probability(), svm_model::nr_class, NU_SVC, sigmoid_predict(), svm_predict(), svm_predict_values(), and x.
Referenced by utility::libsvm::Svm_rosetta::predict_probability(), and svm_cross_validation().
References EPSILON_SVR, free(), create_a3b_hbs::i, create_a3b_hbs::j, create_a3b_hbs::k, Kernel::k_function(), extract_by_sidechain_sasa_score::l, Malloc, closure_error::model, svm_model::nr_class, NU_SVR, ONE_CLASS, kmeans_adaptive_kernel_density_bb_dependent_rotlib::p, basic::options::OptionKeys::cutoutdomain::start, sum(), svm_model::sv_coef, and x.
Referenced by svm_binary_svc_probability(), svm_predict(), and svm_predict_probability().
int svm_save_model | ( | const char * | model_file_name, |
const svm_model * | model | ||
) |
References fclose(), PREcst::FILE, evaluate_beta_mutants::fp, fprintf(), free(), create_a3b_hbs::i, create_a3b_hbs::j, kernel_type_table, extract_by_sidechain_sasa_score::l, closure_error::model, basic::options::OptionKeys::legacy_sewing::model_file_name, svm_model::nr_class, kmeans_adaptive_kernel_density_bb_dependent_rotlib::p, PREcst::param, POLY, PRECOMPUTED, RBF, SIGMOID, svm_model::SV, svm_model::sv_coef, and svm_type_table.
void svm_set_print_string_function | ( | void(*)(const char *) | print_func | ) |
References print_string_stdout(), and svm_print_string.
|
static |
References count, free(), create_a3b_hbs::i, info(), Malloc, PREcst::param, spectral_cluster_kmeans_adaptive_kernel_density_bb_dependent_rotlib::prob, svm_parameter::probability, and svm_cross_validation().
Referenced by svm_train().
svm_model* svm_train | ( | const svm_problem * | prob, |
const svm_parameter * | param | ||
) |
References compute_difference::alpha, count, EPSILON_SVR, create_a3b_hbs::f, fprintf(), free(), create_a3b_hbs::i, info(), create_a3b_hbs::j, create_a3b_hbs::k, extract_by_sidechain_sasa_score::l, svm_problem::l, predPRE::label, Malloc, closure_error::model, svm_model::nr_class, svm_model::nSV, NU_SVR, ONE_CLASS, kmeans_adaptive_kernel_density_bb_dependent_rotlib::p, PREcst::param, spectral_cluster_kmeans_adaptive_kernel_density_bb_dependent_rotlib::prob, svm_model::probA, svm_model::probB, enumerate_junctions::q, basic::options::OptionKeys::cutoutdomain::start, svm_binary_svc_probability(), svm_group_classes(), svm_svr_probability(), svm_train_one(), x, svm_problem::x, and svm_problem::y.
Referenced by svm_binary_svc_probability(), and svm_cross_validation().
|
static |
References compute_difference::alpha, C_SVC, EPSILON_SVR, create_a3b_hbs::f, create_a3b_hbs::i, info(), Malloc, NU_SVC, NU_SVR, Solver::SolutionInfo::obj, ONE_CLASS, PREcst::param, spectral_cluster_kmeans_adaptive_kernel_density_bb_dependent_rotlib::prob, Solver::SolutionInfo::rho, solve_c_svc(), solve_epsilon_svr(), solve_nu_svc(), solve_nu_svr(), solve_one_class(), Solver::SolutionInfo::upper_bound_n, and Solver::SolutionInfo::upper_bound_p.
Referenced by svm_train().
References predPRE::t, x, and predPRE::y.
Referenced by Cache::get_data(), svm_binary_svc_probability(), svm_cross_validation(), Cache::swap_index(), Solver::swap_index(), Kernel::swap_index(), SVC_Q::swap_index(), ONE_CLASS_Q::swap_index(), and SVR_Q::swap_index().
|
static |
Referenced by svm_load_model(), and svm_save_model().
int libsvm_version = LIBSVM_VERSION |
|
static |
Referenced by add_constraints(), InterfaceStrandFinderMover::apply(), CrystCluster::apply(), detail::assert_fail(), blosum_score_alignment(), calculate_hydrophobic_accessible_surface_area(), compute_intrinsic_deviation(), utility::cond_exit(), protocols::surface_docking::AntibodyInfoRMLoader::create_resource(), create_starting_template(), design_test(), utility::exit(), utility::exit_handler(), utility::exit_with_user_fixable_issue(), utility::file_contents(), InterfaceDDGBindJobInputter::fill_jobs(), fillPoseAndDataList(), filter_frags(), generateRankedAlignments(), utility::io::get_lines_from_file_data(), get_native_pdb_names(), SequenceProfileDB::get_next_profile(), get_pair_keys_from_list(), get_sc(), get_sequence_and_secstruct_from_dssp(), utility::io::icstream::getline(), utility::io::izstream::getline(), pdbline::getline(), utility::io::getline(), handle_assert_failure(), utility::tag::XMLErrorHandler::handle_xml_error(), utility::tag::XMLErrorHandler::handle_xml_warning(), apps::pilot::frankdt::import_motifs(), initialize_sequence_mask(), is_nonempty_input_silent_file(), utility::tag::XMLErrorHandler::lines_near_error(), load_checkpoint(), HBondReporter::load_job_data(), load_loops_from_file(), TNM::load_normal_modes(), utility::options::OptionCollection::load_options_from_stream(), basic::resource_manager::locator::FileListResourceLocator::locate_resource_stream(), main(), apps::pilot::frankdt::main(), VallReader::make_fragment_lines(), VallReader::make_nmer_profile(), mg_pdbstats_test(), motif_scan(), name2elt(), basic::citation_manager::Citation::parse_authors(), ui::viewers::parse_score_file(), basic::citation_manager::Citation::parse_string_entry(), basic::citation_manager::Citation::parse_year(), parsefilelist(), pdbline::pdbline(), polar_pdbstats_test(), basic::citation_manager::CitationManager::populate_doi_rosetta_citation_map(), processChildren(), processChildrenIntensification(), project_line(), basic::sampling::orientations::QuaternionGrid::QuaternionGrid(), RBSegmentRelax_test(), binder::Config::read(), read_alignment_fasta_file(), read_B_vals(), read_complex_type(), read_covalent_connections_file(), CapriTotalEnergy::read_datafile(), read_distances(), read_embeddings(), read_equivalent_position_file(), read_ERMS(), read_FileVector(), read_fold_tree_from_file(), numeric::interpolation::Histogram< X, Y >::read_from_db(), read_in_cl_data(), myspace::read_input(), VallReader::read_lines(), read_list_file(), read_list_pose_range(), read_master_pose_range(), read_membrane(), read_NACCESS_asa_file(), read_parameters(), read_patchdock_entry(), read_penalties(), read_rama_map_file(), read_RDC_file(), read_soft_segment_file(), readline(), PickSSE::readSSE(), recover_clustered_frags(), utility::io::remove_inline_comments(), rhiju_pdbstats(), rna_backbone_rebuild_test(), run_pep_prep(), utility::save_crash_report(), utility::save_crash_report_to_file(), set_secstruct_from_psipred_ss2(), setup_activity_table(), setup_capri_data(), DomainAssemblerNDocker::setup_cen_domains(), setup_rna_base_pair_constraints(), setup_secstruct(), simple_opte_test(), SpacegroupHit::SpacegroupHit(), numeric::interpolation::spline_from_file(), binder::split(), statistics(), svm_load_model(), symmetrize_map(), tf_specificity_test(), write_cluster_frags(), and zf_test().
|
static |
Referenced by readline(), and svm_load_model().
|
static |
Referenced by svm_set_print_string_function().
|
static |
Referenced by svm_load_model(), and svm_save_model().