Ontolearn
Contents:
About Ontolearn
Installation
Examples
Knowledge Bases
Concept Learning
Further Resources
ontolearn
Ontolearn
Index
Index
_
|
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
J
|
K
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
|
X
|
Y
_
__call__() (ontolearn.verbalizer.LLMVerbalizer method)
__delattr__() (ontolearn.search.SuperProp method)
__eq__() (ontolearn.search.HeuristicOrderedNode method)
(ontolearn.search.LengthOrderedNode method)
(ontolearn.search.QualityOrderedNode method)
(ontolearn.tentris.TentrisOntology method)
(ontolearn.triple_store.TripleStoreOntology method)
(ontolearn.value_splitter.Split method)
__getattr__() (ontolearn.search.SuperProp method)
__getitem__() (helper_classes.DatasetTriple method)
(helper_classes.HeadAndRelationBatchLoader method)
(ontolearn.abstracts.DRILLAbstractTree method)
(ontolearn.data_struct.CLIPDataLoader method)
(ontolearn.data_struct.CLIPDataLoaderInference method)
(ontolearn.data_struct.NCESDataLoader method)
(ontolearn.data_struct.NCESDataLoaderInference method)
(ontolearn.data_struct.PrepareBatchOfPrediction method)
(ontolearn.data_struct.PrepareBatchOfTraining method)
__gt__() (ontolearn.search.RL_State method)
__hash__() (ontolearn.tentris.TentrisOntology method)
(ontolearn.triple_store.TripleStoreOntology method)
__iter__() (ontolearn.abstracts.DRILLAbstractTree method)
(ontolearn.binders.PredictedConcept method)
__len__() (helper_classes.DatasetTriple method)
(helper_classes.HeadAndRelationBatchLoader method)
(ontolearn.abstracts.DRILLAbstractTree method)
(ontolearn.data_struct.CLIPDataLoader method)
(ontolearn.data_struct.CLIPDataLoaderInference method)
(ontolearn.data_struct.Experience method)
(ontolearn.data_struct.NCESDataLoader method)
(ontolearn.data_struct.NCESDataLoaderInference method)
(ontolearn.data_struct.PrepareBatchOfPrediction method)
(ontolearn.data_struct.PrepareBatchOfTraining method)
__lt__() (ontolearn.search.HeuristicOrderedNode method)
(ontolearn.search.LengthOrderedNode method)
(ontolearn.search.QualityOrderedNode method)
(ontolearn.search.RL_State method)
(ontolearn.value_splitter.Split method)
__repr__() (ontolearn.abstracts.AbstractNode method)
(ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.tentris.EncodedPosNegLPStandardTentris method)
(ontolearn.tentris.TentrisOntology method)
(ontolearn.triple_store.TripleStoreOntology method)
__setattr__() (ontolearn.search.SuperProp method)
__setitem__() (ontolearn.abstracts.DRILLAbstractTree method)
__slots__ (ontolearn.abstracts.AbstractConceptNode attribute)
(ontolearn.abstracts.AbstractFitness attribute)
(ontolearn.abstracts.AbstractHeuristic attribute)
(ontolearn.abstracts.AbstractKnowledgeBase attribute)
(ontolearn.abstracts.AbstractLearningProblem attribute)
(ontolearn.abstracts.AbstractNode attribute)
(ontolearn.abstracts.AbstractOEHeuristicNode attribute)
(ontolearn.abstracts.AbstractScorer attribute)
(ontolearn.abstracts.BaseRefinement attribute)
(ontolearn.abstracts.EncodedLearningProblem attribute)
(ontolearn.abstracts.EncodedPosNegLPStandardKind attribute)
(ontolearn.base_concept_learner.BaseConceptLearner attribute)
(ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.concept_learner.EvoLearner attribute)
(ontolearn.ea_algorithms.AbstractEvolutionaryAlgorithm attribute)
(ontolearn.ea_algorithms.BaseEvolutionaryAlgorithm attribute)
(ontolearn.ea_algorithms.EASimple attribute)
(ontolearn.ea_algorithms.MultiPopulation attribute)
(ontolearn.ea_algorithms.RegularizedEvolution attribute)
(ontolearn.ea_initialization.AbstractEAInitialization attribute)
(ontolearn.ea_initialization.EARandomInitialization attribute)
(ontolearn.ea_initialization.EARandomWalkInitialization attribute)
(ontolearn.ea_utils.PrimitiveFactory attribute)
(ontolearn.fitness_functions.LinearPressureFitness attribute)
(ontolearn.heuristics.CELOEHeuristic attribute)
(ontolearn.heuristics.DLFOILHeuristic attribute)
(ontolearn.heuristics.OCELHeuristic attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
(ontolearn.learners.sparql_query_learner.SPARQLQueryLearner attribute)
(ontolearn.learning_problem.EncodedPosNegLPStandard attribute)
(ontolearn.learning_problem.PosNegLPStandard attribute)
(ontolearn.metrics.Accuracy attribute)
(ontolearn.metrics.F1 attribute)
(ontolearn.metrics.Precision attribute)
(ontolearn.metrics.Recall attribute)
(ontolearn.metrics.WeightedAccuracy attribute)
(ontolearn.refinement_operators.ExpressRefinement attribute)
(ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
(ontolearn.search.EvaluatedConcept attribute)
(ontolearn.search.EvoLearnerNode attribute)
(ontolearn.search.HeuristicOrderedNode attribute)
(ontolearn.search.LBLNode attribute)
(ontolearn.search.LengthOrderedNode attribute)
(ontolearn.search.NCESNode attribute)
(ontolearn.search.Node attribute)
(ontolearn.search.OENode attribute)
(ontolearn.search.QualityOrderedNode attribute)
(ontolearn.search.RL_State attribute)
(ontolearn.search.TreeNode attribute)
(ontolearn.tentris.EncodedPosNegLPStandardTentris attribute)
(ontolearn.tentris.EvaluatedConceptTentris attribute)
(ontolearn.tentris.TentrisKnowledgeBase attribute)
(ontolearn.tentris.TentrisOntology attribute)
(ontolearn.tentris.TentrisReasoner attribute)
(ontolearn.triple_store.TripleStoreReasoner attribute)
(ontolearn.value_splitter.AbstractValueSplitter attribute)
(ontolearn.value_splitter.BinningValueSplitter attribute)
(ontolearn.value_splitter.EntropyValueSplitter attribute)
__str__() (ontolearn.abstracts.AbstractNode method)
(ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.search.EvoLearnerNode method)
(ontolearn.search.NCESNode method)
(ontolearn.search.Node method)
(ontolearn.search.OENode method)
(ontolearn.search.RL_State method)
(ontolearn.triple_store.TripleStore method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
__version__ (in module ontolearn)
_number_of_tested_concepts (ontolearn.base_concept_learner.BaseConceptLearner attribute)
(ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.concept_learner.EvoLearner attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
A
abox() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.triple_store.TripleStore method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
AbstractConceptNode (class in ontolearn.abstracts)
AbstractEAInitialization (class in ontolearn.ea_initialization)
AbstractEvolutionaryAlgorithm (class in ontolearn.ea_algorithms)
AbstractFitness (class in ontolearn.abstracts)
AbstractHeuristic (class in ontolearn.abstracts)
AbstractKnowledgeBase (class in ontolearn.abstracts)
AbstractLearningProblem (class in ontolearn.abstracts)
AbstractNode (class in ontolearn.abstracts)
AbstractOEHeuristicNode (class in ontolearn.abstracts)
AbstractScorer (class in ontolearn.abstracts)
AbstractValueSplitter (class in ontolearn.value_splitter)
acc() (in module ontolearn.quality_funcs)
Accuracy (class in ontolearn.metrics)
accuracy_method (ontolearn.heuristics.OCELHeuristic attribute)
add() (ontolearn.abstracts.DRILLAbstractTree method)
(ontolearn.search.DRILLSearchTreePriorityQueue method)
(ontolearn.search.SearchTreePriorityQueue method)
add_axiom() (ontolearn.triple_store.TripleStoreOntology method)
add_child() (ontolearn.search.LBLNode method)
add_node() (ontolearn.abstracts.LBLSearchTree method)
(ontolearn.search.SearchTreePriorityQueue method)
add_root() (ontolearn.abstracts.LBLSearchTree method)
(ontolearn.search.SearchTreePriorityQueue method)
algorithm (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
all (ontolearn.learning_problem.PosNegLPStandard attribute)
all_data_property_values() (ontolearn.triple_store.TripleStoreReasoner method)
all_individuals (ontolearn.base_nces.BaseNCES attribute)
all_individuals_set() (ontolearn.knowledge_base.KnowledgeBase method)
alpha (ontolearn.heuristics.CeloeBasedReward attribute)
app (in module ontolearn.scripts.run)
append() (ontolearn.data_struct.Experience method)
apply() (ontolearn.abstracts.AbstractFitness method)
(ontolearn.abstracts.AbstractHeuristic method)
(ontolearn.abstracts.AbstractScorer method)
(ontolearn.fitness_functions.LinearPressureFitness method)
(ontolearn.heuristics.CeloeBasedReward method)
(ontolearn.heuristics.CELOEHeuristic method)
(ontolearn.heuristics.DLFOILHeuristic method)
(ontolearn.heuristics.OCELHeuristic method)
(ontolearn.learners.drill.DrillHeuristic method)
apply_refinement() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
apply_rho() (ontolearn.lp_generator.helper_classes.ConceptDescriptionGenerator method)
apply_rho_on_rl_state() (ontolearn.learning_problem_generator.LearningProblemGenerator method)
apply_TSNE_on_df() (in module ontolearn.utils)
are_owl_concept_disjoint() (ontolearn.triple_store.TripleStore method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
args (in module ontolearn.scripts.run)
assertion_path_isfile() (in module ontolearn.utils)
assign_embeddings() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
async_client (ontolearn.tentris.TentrisKnowledgeBase attribute)
atomic_concept_names (ontolearn.base_nces.BaseNCES attribute)
(ontolearn.lp_generator.helper_classes.KB2Data attribute)
(ontolearn.lp_generator.KB2Data attribute)
(ontolearn.nces_utils.SimpleSolution attribute)
attributes_sanity_checking_rl() (ontolearn.abstracts.DepthAbstractDrill method)
B
balanced_n_sampled_lp() (ontolearn.learning_problem_generator.LearningProblemGenerator method)
balanced_sets() (in module ontolearn.utils)
base_algorithm (ontolearn.ea_algorithms.MultiPopulation attribute)
base_path (in module compute_embeddings)
BaseConceptLearner (class in ontolearn.base_concept_learner)
BaseEvolutionaryAlgorithm (class in ontolearn.ea_algorithms)
BaseNCES (class in ontolearn.base_nces)
BaseRefinement (class in ontolearn.abstracts)
batch_size (experiment.Experiment attribute)
(helper_classes.Reproduce attribute)
(ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.base_nces.BaseNCES attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
before_pad() (in module ontolearn.nces_trainer)
best_descriptions (ontolearn.concept_learner.CLIP attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
best_hypotheses() (ontolearn.abstracts.DRILLAbstractTree method)
(ontolearn.base_concept_learner.BaseConceptLearner method)
(ontolearn.binders.DLLearnerBinder method)
(ontolearn.concept_learner.EvoLearner method)
(ontolearn.concept_learner.NCES method)
(ontolearn.executor.Trainer method)
(ontolearn.learners.CELOE method)
(ontolearn.learners.celoe.CELOE method)
(ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
(ontolearn.learners.TDL method)
(ontolearn.learners.tree_learner.TDL method)
best_hypothesis() (ontolearn.binders.DLLearnerBinder method)
best_only (ontolearn.concept_learner.CLIP attribute)
(ontolearn.learners.CELOE attribute)
,
[1]
(ontolearn.learners.celoe.CELOE attribute)
,
[1]
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
best_predictions (ontolearn.binders.DLLearnerBinder attribute)
(ontolearn.concept_learner.NCES attribute)
beta (ontolearn.heuristics.CeloeBasedReward attribute)
binary_path (ontolearn.binders.DLLearnerBinder attribute)
BinningValueSplitter (class in ontolearn.value_splitter)
bn (ontolearn.nces_architectures.GRU attribute)
(ontolearn.nces_architectures.LSTM attribute)
bn0 (complex_models.Complex attribute)
(real_models.Tucker attribute)
bn1 (complex_models.Complex attribute)
(real_models.Tucker attribute)
bn_conv1 (complex_models.ConEx attribute)
bn_conv2 (complex_models.ConEx attribute)
bn_ent_i (complex_models.ConEx attribute)
bn_ent_real (complex_models.ConEx attribute)
(real_models.Distmult attribute)
bn_rel_i (complex_models.ConEx attribute)
bn_rel_real (complex_models.ConEx attribute)
(real_models.Distmult attribute)
boolean_data_properties() (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
boost (ontolearn.ea_algorithms.MultiPopulation attribute)
C
cache_individuals() (ontolearn.knowledge_base.KnowledgeBase method)
calculate_min_max (ontolearn.concept_learner.CLIP attribute)
(ontolearn.learners.CELOE attribute)
,
[1]
(ontolearn.learners.celoe.CELOE attribute)
,
[1]
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
CARD_EXACT (ontolearn.ea_utils.OperatorVocabulary attribute)
card_limit (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
(ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
CARD_MAX (ontolearn.ea_utils.OperatorVocabulary attribute)
CARD_MIN (ontolearn.ea_utils.OperatorVocabulary attribute)
cbd_mapping (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
cel() (in module ontolearn.scripts.run)
CELOE (class in ontolearn.learners)
(class in ontolearn.learners.celoe)
CeloeBasedReward (class in ontolearn.heuristics)
CELOEHeuristic (class in ontolearn.heuristics)
children (ontolearn.search.LBLNode property)
(ontolearn.search.TreeNode attribute)
classes_in_signature() (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.tentris.TentrisOntology method)
(ontolearn.triple_store.TripleStore method)
(ontolearn.triple_store.TripleStoreOntology method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
classification_report (ontolearn.learners.TDL property)
(ontolearn.learners.tree_learner.TDL property)
clean() (ontolearn.abstracts.AbstractKnowledgeBase method)
(ontolearn.abstracts.DRILLAbstractTree method)
(ontolearn.abstracts.LBLSearchTree method)
(ontolearn.base_concept_learner.BaseConceptLearner method)
(ontolearn.concept_learner.EvoLearner method)
(ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.learners.CELOE method)
(ontolearn.learners.celoe.CELOE method)
(ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
(ontolearn.search.DRILLSearchTreePriorityQueue method)
(ontolearn.search.SearchTreePriorityQueue method)
clear() (ontolearn.data_struct.Experience method)
clf (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
CLIP (class in ontolearn.concept_learner)
clip (ontolearn.clip_trainer.CLIPTrainer attribute)
clip_value (ontolearn.base_nces.BaseNCES attribute)
(ontolearn.clip_trainer.CLIPTrainer attribute)
(ontolearn.nces_trainer.NCESTrainer attribute)
CLIPDataLoader (class in ontolearn.data_struct)
CLIPDataLoaderInference (class in ontolearn.data_struct)
CLIPTrainer (class in ontolearn.clip_trainer)
collate_batch() (ontolearn.base_nces.BaseNCES method)
(ontolearn.concept_learner.CLIP method)
(ontolearn.nces_trainer.NCESTrainer method)
collate_batch_inference() (ontolearn.base_nces.BaseNCES method)
(ontolearn.concept_learner.CLIP method)
COMPILE (ontolearn.ea_utils.ToolboxVocabulary attribute)
Complex (class in complex_models)
complex_models
module
compute_accuracy() (ontolearn.nces_trainer.NCESTrainer static method)
compute_confidence_interval() (in module helper_funcs)
compute_embeddings
module
compute_eval_metric() (ontolearn.clip_trainer.CLIPTrainer method)
compute_f1_score() (in module ontolearn.utils)
(in module ontolearn.utils.static_funcs)
compute_quality() (in module ontolearn.executor)
compute_quality_of_class_expression() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
compute_splits_properties() (ontolearn.value_splitter.AbstractValueSplitter method)
(ontolearn.value_splitter.BinningValueSplitter method)
(ontolearn.value_splitter.EntropyValueSplitter method)
compute_tp_fn_fp_tn() (in module ontolearn.utils.static_funcs)
concept (ontolearn.abstracts.AbstractConceptNode property)
concept_individuals_to_string_balanced_examples() (ontolearn.learning_problem_generator.LearningProblemGenerator method)
concept_len() (ontolearn.abstracts.AbstractKnowledgeBase method)
(ontolearn.knowledge_base.KnowledgeBase method)
concept_reducer() (in module ontolearn.utils)
(in module ontolearn.utils.static_funcs)
concept_reducer_properties() (in module ontolearn.utils)
(in module ontolearn.utils.static_funcs)
ConceptDescriptionGenerator (class in ontolearn.lp_generator.helper_classes)
ConceptGenerator (class in ontolearn.concept_generator)
concepts (ontolearn.knowledge_base.KnowledgeBase property)
(ontolearn.triple_store.TripleStoreKnowledgeBase property)
concepts_reducer() (in module ontolearn.learners.tree_learner)
ConEx (class in complex_models)
config_name_identifier (ontolearn.binders.DLLearnerBinder attribute)
conjunctive_concepts (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
connection_pr (ontolearn.ea_initialization.EARandomWalkInitialization attribute)
construct_learning_problem() (ontolearn.base_concept_learner.BaseConceptLearner method)
construct_owl_expression_from_tree() (ontolearn.learners.TDL method)
(ontolearn.learners.tree_learner.TDL method)
construct_sparse_binary_representations() (ontolearn.learners.TDL method)
(ontolearn.learners.tree_learner.TDL method)
contains_class() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.triple_store.TripleStoreKnowledgeBase method)
conv1 (complex_models.ConEx attribute)
(ontolearn.clip_architectures.LengthLearner_CNN attribute)
(ontolearn.learners.drill.DrillNet attribute)
conv2 (ontolearn.clip_architectures.LengthLearner_CNN attribute)
convert_to_list_str_from_iterable() (ontolearn.concept_learner.NCES method)
create_card_restrictions() (ontolearn.ea_utils.PrimitiveFactory method)
create_data_has_value() (ontolearn.ea_utils.PrimitiveFactory method)
create_data_some_values() (ontolearn.ea_utils.PrimitiveFactory method)
create_existential_universal() (ontolearn.ea_utils.PrimitiveFactory method)
create_experiment_folder() (in module helper_funcs)
(in module ontolearn.utils)
create_intersection() (ontolearn.ea_utils.PrimitiveFactory method)
create_logger() (in module helper_funcs)
create_rl_state() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
create_training_data() (ontolearn.learners.TDL method)
(ontolearn.learners.tree_learner.TDL method)
create_union() (ontolearn.ea_utils.PrimitiveFactory method)
CRITICAL (in module ontolearn.utils.oplogging)
CROSSOVER (ontolearn.ea_utils.ToolboxVocabulary attribute)
crossover_pr (ontolearn.ea_algorithms.EASimple attribute)
cuda (experiment.Experiment attribute)
(helper_classes.Reproduce attribute)
current_states (ontolearn.data_struct.Experience attribute)
D
data
module
Data (class in data)
data (data.Data attribute)
data_existential_restriction() (ontolearn.concept_generator.ConceptGenerator static method)
DATA_HAS_VALUE (ontolearn.ea_utils.OperatorVocabulary attribute)
data_has_value_restriction() (ontolearn.concept_generator.ConceptGenerator static method)
DATA_MAX_EXCLUSIVE (ontolearn.ea_utils.OperatorVocabulary attribute)
DATA_MAX_INCLUSIVE (ontolearn.ea_utils.OperatorVocabulary attribute)
DATA_MIN_EXCLUSIVE (ontolearn.ea_utils.OperatorVocabulary attribute)
DATA_MIN_INCLUSIVE (ontolearn.ea_utils.OperatorVocabulary attribute)
data_properties (ontolearn.knowledge_base.KnowledgeBase property)
(ontolearn.triple_store.TripleStoreKnowledgeBase property)
data_properties_for_domain() (ontolearn.knowledge_base.KnowledgeBase method)
data_properties_in_signature() (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.tentris.TentrisOntology method)
(ontolearn.triple_store.TripleStoreOntology method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
data_property_cast (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
data_property_domain_axioms() (ontolearn.tentris.TentrisOntology method)
(ontolearn.triple_store.TripleStoreOntology method)
data_property_domains() (ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
data_property_range_axioms() (ontolearn.tentris.TentrisOntology method)
(ontolearn.triple_store.TripleStoreOntology method)
data_property_values() (ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
data_raw (ontolearn.data_struct.CLIPDataLoader attribute)
(ontolearn.data_struct.CLIPDataLoaderInference attribute)
(ontolearn.data_struct.NCESDataLoader attribute)
(ontolearn.data_struct.NCESDataLoaderInference attribute)
data_universal_restriction() (ontolearn.concept_generator.ConceptGenerator static method)
dataset (experiment.Experiment attribute)
(helper_classes.Reproduce attribute)
DatasetTriple (class in helper_classes)
DEBUG (in module ontolearn.utils.oplogging)
dec (ontolearn.clip_architectures.LengthLearner_SetTransformer attribute)
(ontolearn.nces_architectures.SetTransformer attribute)
decay_rate (experiment.Experiment attribute)
(ontolearn.base_nces.BaseNCES attribute)
(ontolearn.clip_trainer.CLIPTrainer attribute)
(ontolearn.nces_trainer.NCESTrainer attribute)
decode_request() (ontolearn.scripts.litserve_neural_reasoner.NeuralReasonerAPI method)
decompose() (ontolearn.data_struct.NCESBaseDataLoader static method)
DEFAULT_FMT (in module ontolearn.utils)
depth (ontolearn.learning_problem_generator.LearningProblemGenerator attribute)
(ontolearn.lp_generator.helper_classes.ConceptDescriptionGenerator attribute)
depth_Default_ReasonerFactory() (in module ontolearn.knowledge_base)
DepthAbstractDrill (class in ontolearn.abstracts)
describe() (experiment.Experiment method)
(ontolearn.abstracts.AbstractKnowledgeBase method)
deserializer() (in module ontolearn.utils)
device (ontolearn.concept_learner.CLIP attribute)
(ontolearn.concept_learner.NCES attribute)
different_individuals() (ontolearn.triple_store.TripleStoreReasoner method)
dim_V (ontolearn.nces_modules.MAB attribute)
direct_subconcepts() (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
disjoint_classes() (ontolearn.triple_store.TripleStoreReasoner method)
disjoint_data_properties() (ontolearn.triple_store.TripleStoreReasoner method)
disjoint_object_properties() (ontolearn.triple_store.TripleStoreReasoner method)
disjunction_of_conjunctive_concepts (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
Distmult (class in real_models)
dl_parser (ontolearn.concept_learner.NCES attribute)
dl_syntax_renderer (ontolearn.lp_generator.helper_classes.KB2Data attribute)
(ontolearn.lp_generator.KB2Data attribute)
DLFOILHeuristic (class in ontolearn.heuristics)
DLLearnerBinder (class in ontolearn.binders)
domain_of_double_data_properties() (ontolearn.triple_store.TripleStoreReasonerOntology method)
double_data_properties() (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
downsample (ontolearn.refinement_operators.ExpressRefinement attribute)
downward_refinement() (ontolearn.base_concept_learner.RefinementBasedConceptLearner method)
(ontolearn.learners.CELOE method)
(ontolearn.learners.celoe.CELOE method)
(ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
dp_domains (ontolearn.knowledge_base.KnowledgeBase attribute)
dp_ranges (ontolearn.knowledge_base.KnowledgeBase attribute)
dp_splits (ontolearn.ea_initialization.EARandomWalkInitialization attribute)
(ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
dp_to_prim_type (ontolearn.ea_initialization.EARandomWalkInitialization attribute)
Drill (class in ontolearn.learners)
(class in ontolearn.learners.drill)
DRILLAbstractTree (class in ontolearn.abstracts)
DrillHeuristic (class in ontolearn.learners.drill)
DrillNet (class in ontolearn.learners.drill)
DRILLSearchTreePriorityQueue (class in ontolearn.search)
drop_prob (ontolearn.concept_learner.NCES attribute)
dropout (ontolearn.clip_architectures.LengthLearner_GRU attribute)
(ontolearn.clip_architectures.LengthLearner_LSTM attribute)
dropout1d (ontolearn.clip_architectures.LengthLearner_CNN attribute)
dropout2d (ontolearn.clip_architectures.LengthLearner_CNN attribute)
E
E (real_models.Tucker attribute)
EARandomInitialization (class in ontolearn.ea_initialization)
EARandomWalkInitialization (class in ontolearn.ea_initialization)
EASimple (class in ontolearn.ea_algorithms)
Ei (complex_models.Complex attribute)
elite_size (ontolearn.ea_algorithms.EASimple attribute)
elitism (ontolearn.ea_algorithms.EASimple attribute)
emb_ent_i (complex_models.ConEx attribute)
emb_ent_real (complex_models.ConEx attribute)
(real_models.Distmult attribute)
(real_models.TransE attribute)
emb_rel_i (complex_models.ConEx attribute)
emb_rel_real (complex_models.ConEx attribute)
(real_models.Distmult attribute)
(real_models.TransE attribute)
embedding_dim (complex_models.Complex attribute)
(complex_models.ConEx attribute)
(experiment.Experiment attribute)
(real_models.Distmult attribute)
(real_models.TransE attribute)
(real_models.Tucker attribute)
embeddings (ontolearn.data_struct.CLIPDataLoader attribute)
(ontolearn.data_struct.CLIPDataLoaderInference attribute)
(ontolearn.data_struct.NCESDataLoader attribute)
(ontolearn.data_struct.NCESDataLoaderInference attribute)
(ontolearn.search.RL_State attribute)
enc (ontolearn.clip_architectures.LengthLearner_SetTransformer attribute)
(ontolearn.nces_architectures.SetTransformer attribute)
encode_kb() (ontolearn.abstracts.AbstractLearningProblem method)
(ontolearn.learning_problem.PosNegLPStandard method)
encode_learning_problem() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.tentris.TentrisKnowledgeBase method)
encode_response() (ontolearn.scripts.litserve_neural_reasoner.NeuralReasonerAPI method)
encoded_learning_problem() (ontolearn.learners.CELOE method)
(ontolearn.learners.celoe.CELOE method)
EncodedLearningProblem (class in ontolearn.abstracts)
EncodedPosNegLPStandard (class in ontolearn.learning_problem)
EncodedPosNegLPStandardKind (class in ontolearn.abstracts)
EncodedPosNegLPStandardTentris (class in ontolearn.tentris)
EncodedPosNegUndLP (class in ontolearn.learning_problem)
endpoint_timeout (ontolearn.tentris.TentrisKnowledgeBase attribute)
endpoint_url (ontolearn.learners.sparql_query_learner.SPARQLQueryLearner attribute)
(ontolearn.tentris.TentrisKnowledgeBase attribute)
ensemble
module
Ensemble (class in ensemble)
entities (data.Data attribute)
entity_idxs (helper_classes.Reproduce attribute)
entropy (ontolearn.value_splitter.Split attribute)
EntropyValueSplitter (class in ontolearn.value_splitter)
epochs (ontolearn.clip_trainer.CLIPTrainer attribute)
(ontolearn.nces_trainer.NCESTrainer attribute)
epsilon (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
epsilon_decay (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
epsilon_min (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
equivalent_classes() (ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
equivalent_classes_axioms() (ontolearn.triple_store.TripleStoreOntology method)
equivalent_data_properties() (ontolearn.triple_store.TripleStoreReasoner method)
equivalent_object_properties() (ontolearn.triple_store.TripleStoreReasoner method)
Er (complex_models.Complex attribute)
ERROR (in module ontolearn.utils.oplogging)
escape() (in module ontolearn.ea_utils)
eval() (experiment.Experiment method)
evaluate_concept() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.tentris.TentrisKnowledgeBase method)
evaluate_concept_async() (ontolearn.tentris.TentrisKnowledgeBase method)
evaluate_link_prediction() (helper_classes.Reproduce method)
evaluate_one_to_n() (experiment.Experiment method)
evaluate_standard() (experiment.Experiment method)
EvaluatedConcept (class in ontolearn.search)
EvaluatedConceptTentris (class in ontolearn.tentris)
EvoLearner (class in ontolearn.concept_learner)
EvoLearnerNode (class in ontolearn.search)
evolve() (ontolearn.ea_algorithms.AbstractEvolutionaryAlgorithm method)
(ontolearn.ea_algorithms.BaseEvolutionaryAlgorithm method)
(ontolearn.ea_algorithms.MultiPopulation method)
exact_cardinality_restriction() (ontolearn.concept_generator.ConceptGenerator method)
example_sizes (ontolearn.data_struct.CLIPDataLoader attribute)
(ontolearn.data_struct.NCESDataLoader attribute)
execute() (in module ontolearn.executor)
EXISTENTIAL (ontolearn.ea_utils.OperatorVocabulary attribute)
existential_restriction() (ontolearn.concept_generator.ConceptGenerator method)
expansionPenaltyFactor (ontolearn.heuristics.CELOEHeuristic attribute)
(ontolearn.heuristics.OCELHeuristic attribute)
Experience (class in ontolearn.data_struct)
experiences (ontolearn.abstracts.DepthAbstractDrill attribute)
experiment
module
Experiment (class in experiment)
Experiments (class in ontolearn.experiments)
explain_inference() (in module ontolearn.learners.tree_learner)
exploitation() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
exploration_exploitation_tradeoff() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
export_concepts() (ontolearn.learning_problem_generator.LearningProblemGenerator method)
export_triples() (ontolearn.lp_generator.helper_classes.RDFTriples method)
(ontolearn.lp_generator.RDFTriples method)
expressionTests (ontolearn.search.DRILLSearchTreePriorityQueue attribute)
(ontolearn.search.SearchTreePriorityQueue attribute)
expressivity (ontolearn.refinement_operators.ExpressRefinement attribute)
ExpressRefinement (class in ontolearn.refinement_operators)
extract_expressions_from_owl_individuals() (ontolearn.learners.TDL method)
(ontolearn.learners.tree_learner.TDL method)
F
F1 (class in ontolearn.metrics)
f1() (in module ontolearn.quality_funcs)
f1_set_similarity() (in module ontolearn.utils)
(in module ontolearn.utils.static_funcs)
Factory (in module ontolearn.base_concept_learner)
(in module ontolearn.utils)
fc (complex_models.ConEx attribute)
fc1 (ontolearn.clip_architectures.LengthLearner_CNN attribute)
(ontolearn.clip_architectures.LengthLearner_GRU attribute)
(ontolearn.clip_architectures.LengthLearner_LSTM attribute)
(ontolearn.learners.drill.DrillNet attribute)
(ontolearn.nces_architectures.GRU attribute)
(ontolearn.nces_architectures.LSTM attribute)
fc2 (ontolearn.clip_architectures.LengthLearner_CNN attribute)
(ontolearn.clip_architectures.LengthLearner_GRU attribute)
(ontolearn.clip_architectures.LengthLearner_LSTM attribute)
(ontolearn.learners.drill.DrillNet attribute)
(ontolearn.nces_architectures.GRU attribute)
(ontolearn.nces_architectures.LSTM attribute)
fc3 (ontolearn.clip_architectures.LengthLearner_CNN attribute)
(ontolearn.clip_architectures.LengthLearner_GRU attribute)
(ontolearn.clip_architectures.LengthLearner_LSTM attribute)
(ontolearn.nces_architectures.GRU attribute)
(ontolearn.nces_architectures.LSTM attribute)
fc_k (ontolearn.nces_modules.MAB attribute)
fc_num_input (complex_models.ConEx attribute)
fc_o (ontolearn.nces_modules.MAB attribute)
fc_q (ontolearn.nces_modules.MAB attribute)
fc_v (ontolearn.nces_modules.MAB attribute)
feature_map_dropout (complex_models.ConEx attribute)
features (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
file_path (helper_classes.Reproduce attribute)
find_optimal_number_of_examples() (ontolearn.base_nces.BaseNCES static method)
(ontolearn.lp_generator.helper_classes.KB2Data method)
(ontolearn.lp_generator.KB2Data method)
fit() (ontolearn.base_concept_learner.BaseConceptLearner method)
(ontolearn.binders.DLLearnerBinder method)
(ontolearn.concept_learner.CLIP method)
(ontolearn.concept_learner.EvoLearner method)
(ontolearn.concept_learner.NCES method)
(ontolearn.executor.Trainer method)
(ontolearn.learners.CELOE method)
(ontolearn.learners.celoe.CELOE method)
(ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
(ontolearn.learners.nero.NERO method)
(ontolearn.learners.TDL method)
(ontolearn.learners.tree_learner.TDL method)
fit_from_iterable() (ontolearn.binders.DLLearnerBinder method)
(ontolearn.concept_learner.NCES method)
fit_one() (ontolearn.concept_learner.NCES method)
fitness_func (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
FITNESS_FUNCTION (ontolearn.ea_utils.ToolboxVocabulary attribute)
flag_for_performance (in module ontolearn.utils)
flush() (ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
folders (in module compute_embeddings)
form_experiences() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
forward() (ontolearn.clip_architectures.LengthLearner_CNN method)
(ontolearn.clip_architectures.LengthLearner_GRU method)
(ontolearn.clip_architectures.LengthLearner_LSTM method)
(ontolearn.clip_architectures.LengthLearner_SetTransformer method)
(ontolearn.learners.drill.DrillNet method)
(ontolearn.nces_architectures.GRU method)
(ontolearn.nces_architectures.LSTM method)
(ontolearn.nces_architectures.SetTransformer method)
(ontolearn.nces_modules.ISAB method)
(ontolearn.nces_modules.MAB method)
(ontolearn.nces_modules.PMA method)
(ontolearn.nces_modules.SAB method)
forward_head_and_loss() (complex_models.Complex method)
(complex_models.ConEx method)
(real_models.Distmult method)
(real_models.TransE method)
(real_models.Tucker method)
forward_head_batch() (complex_models.Complex method)
(complex_models.ConEx method)
(ensemble.Ensemble method)
(real_models.Distmult method)
(real_models.Tucker method)
forward_triples() (complex_models.Complex method)
(complex_models.ConEx method)
(real_models.Distmult method)
(real_models.TransE method)
(real_models.Tucker method)
forward_triples_and_loss() (complex_models.Complex method)
(complex_models.ConEx method)
(real_models.Distmult method)
(real_models.TransE method)
(real_models.Tucker method)
from_iterables() (ontolearn.refinement_operators.LengthBasedRefinement static method)
FULL (ontolearn.ea_initialization.RandomInitMethod attribute)
G
gain (ontolearn.fitness_functions.LinearPressureFitness attribute)
gainBonusFactor (ontolearn.heuristics.CELOEHeuristic attribute)
(ontolearn.heuristics.OCELHeuristic attribute)
gamma (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner attribute)
(ontolearn.scripts.litserve_neural_reasoner.NeuralReasonerAPI attribute)
,
[1]
(real_models.TransE attribute)
general_class_axioms() (ontolearn.triple_store.TripleStoreOntology method)
generate() (ontolearn.lp_generator.generate_data.LPGen method)
(ontolearn.lp_generator.helper_classes.ConceptDescriptionGenerator method)
(ontolearn.lp_generator.LPGen method)
generate_descriptions() (ontolearn.lp_generator.helper_classes.KB2Data method)
(ontolearn.lp_generator.KB2Data method)
generate_examples() (ontolearn.learning_problem_generator.LearningProblemGenerator method)
generate_learning_problems() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
generate_training_data() (ontolearn.concept_learner.NCES static method)
generation() (ontolearn.ea_algorithms.BaseEvolutionaryAlgorithm method)
(ontolearn.ea_algorithms.EASimple method)
(ontolearn.ea_algorithms.RegularizedEvolution method)
generator (ontolearn.ea_utils.PrimitiveFactory attribute)
(ontolearn.knowledge_base.KnowledgeBase attribute)
,
[1]
(ontolearn.refinement_operators.ExpressRefinement attribute)
(ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
(ontolearn.tentris.TentrisKnowledgeBase attribute)
(ontolearn.triple_store.TripleStoreKnowledgeBase attribute)
get_all() (ontolearn.data_struct.PrepareBatchOfPrediction method)
get_all_direct_sub_concepts() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.triple_store.TripleStoreKnowledgeBase method)
get_all_sub_concepts() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.triple_store.TripleStore method)
(ontolearn.triple_store.TripleStoreKnowledgeBase method)
get_balanced_examples() (ontolearn.learning_problem_generator.LearningProblemGenerator method)
get_balanced_n_samples_per_examples() (ontolearn.learning_problem_generator.LearningProblemGenerator method)
get_batch_1_to_N() (experiment.Experiment method)
(helper_classes.Reproduce method)
get_boolean_data_properties() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.triple_store.TripleStore method)
get_classes_in_signature() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.triple_store.TripleStore method)
get_concepts() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.learning_problem_generator.LearningProblemGenerator method)
(ontolearn.triple_store.TripleStore method)
(ontolearn.triple_store.TripleStoreKnowledgeBase method)
get_data_idxs() (experiment.Experiment method)
(helper_classes.Reproduce method)
get_data_properties() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.triple_store.TripleStore method)
(ontolearn.triple_store.TripleStoreKnowledgeBase method)
get_data_properties_for_ind() (ontolearn.knowledge_base.KnowledgeBase method)
get_data_property_domains() (ontolearn.knowledge_base.KnowledgeBase method)
get_data_property_ranges() (ontolearn.knowledge_base.KnowledgeBase method)
get_data_property_values() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
get_default_arguments() (in module ontolearn.scripts.run)
get_direct_parents() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.triple_store.TripleStore method)
(ontolearn.triple_store.TripleStoreKnowledgeBase method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
get_direct_sub_concepts() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.triple_store.TripleStoreKnowledgeBase method)
get_double_data_properties() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.triple_store.TripleStore method)
get_drill() (in module ontolearn.scripts.run)
get_embeddings() (complex_models.Complex method)
(complex_models.ConEx method)
(helper_classes.Reproduce method)
(real_models.Distmult method)
(real_models.TransE method)
(real_models.Tucker method)
get_embeddings_individuals() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
get_entities() (data.Data static method)
get_er_vocab() (experiment.Experiment static method)
(helper_classes.Reproduce static method)
get_examples() (ontolearn.learning_problem_generator.LearningProblemGenerator method)
get_experiments() (in module helper_funcs)
get_expression() (ontolearn.ea_initialization.AbstractEAInitialization method)
(ontolearn.ea_initialization.EARandomInitialization method)
(ontolearn.ea_initialization.EARandomWalkInitialization method)
get_head_tail_vocab() (helper_classes.Reproduce static method)
get_individuals() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
get_individuals_with_object_property() (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
get_labels() (ontolearn.data_struct.NCESBaseDataLoader method)
get_leaf_concepts() (ontolearn.knowledge_base.KnowledgeBase method)
get_learner() (in module ontolearn.scripts.run)
get_least_general_named_concepts() (ontolearn.knowledge_base.KnowledgeBase method)
get_length_predictor() (ontolearn.concept_learner.CLIP method)
get_most_general_classes() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.triple_store.TripleStore method)
get_most_promising() (ontolearn.abstracts.LBLSearchTree method)
(ontolearn.search.DRILLSearchTreePriorityQueue method)
(ontolearn.search.SearchTreePriorityQueue method)
get_nces() (in module ontolearn.scripts.run)
get_neg_values() (ontolearn.value_splitter.IndividualValues method)
get_numeric_data_properties() (ontolearn.knowledge_base.KnowledgeBase method)
get_object_properties() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.triple_store.TripleStore method)
(ontolearn.triple_store.TripleStoreKnowledgeBase method)
get_object_properties_for_ind() (ontolearn.knowledge_base.KnowledgeBase method)
get_object_property_domains() (ontolearn.knowledge_base.KnowledgeBase method)
get_object_property_ranges() (ontolearn.knowledge_base.KnowledgeBase method)
get_object_property_values() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
get_ontology_id() (ontolearn.tentris.TentrisOntology method)
(ontolearn.triple_store.TripleStoreOntology method)
get_optimizer() (ontolearn.clip_trainer.CLIPTrainer method)
(ontolearn.nces_trainer.NCESTrainer method)
get_overlapping_with_split() (ontolearn.value_splitter.IndividualValues method)
get_owl_ontology_manager() (ontolearn.tentris.TentrisOntology method)
(ontolearn.triple_store.TripleStoreOntology method)
get_population() (ontolearn.ea_initialization.AbstractEAInitialization method)
(ontolearn.ea_initialization.EARandomInitialization method)
(ontolearn.ea_initialization.EARandomWalkInitialization method)
get_pos_values() (ontolearn.value_splitter.IndividualValues method)
get_prediction() (ontolearn.concept_learner.NCES method)
get_property_domains() (ontolearn.triple_store.TripleStoreOntology method)
get_range_of_double_data_properties() (ontolearn.triple_store.TripleStore method)
get_re_vocab() (experiment.Experiment static method)
get_relations() (data.Data static method)
get_root_ontology() (ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
get_synthesizer() (ontolearn.base_nces.BaseNCES method)
(ontolearn.concept_learner.NCES method)
get_tdl() (in module ontolearn.scripts.run)
get_time_data_properties() (ontolearn.knowledge_base.KnowledgeBase method)
get_top_n() (ontolearn.abstracts.LBLSearchTree method)
(ontolearn.search.DRILLSearchTreePriorityQueue method)
(ontolearn.search.SearchTreePriorityQueue method)
get_top_n_nodes() (ontolearn.abstracts.DRILLAbstractTree method)
get_type_individuals() (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
get_types() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.triple_store.TripleStore method)
goal_found (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
Graph (ontolearn.lp_generator.helper_classes.RDFTriples attribute)
(ontolearn.lp_generator.RDFTriples attribute)
grid_search_over (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
GROW (ontolearn.ea_initialization.RandomInitMethod attribute)
GRU (class in ontolearn.nces_architectures)
gru (ontolearn.clip_architectures.LengthLearner_GRU attribute)
(ontolearn.nces_architectures.GRU attribute)
H
h_exp (ontolearn.abstracts.AbstractOEHeuristicNode property)
(ontolearn.search.OENode property)
has_value_restriction() (ontolearn.concept_generator.ConceptGenerator method)
head_idx (helper_classes.DatasetTriple attribute)
(helper_classes.HeadAndRelationBatchLoader attribute)
HeadAndRelationBatchLoader (class in helper_classes)
HEIGHT_KEY (ontolearn.ea_utils.ToolboxVocabulary attribute)
height_limit (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
helper_classes
module
helper_funcs
module
heuristic (ontolearn.abstracts.AbstractOEHeuristicNode property)
heuristic_func (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
,
[1]
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
(ontolearn.search.DRILLSearchTreePriorityQueue attribute)
(ontolearn.search.SearchTreePriorityQueue attribute)
,
[1]
heuristic_queue (ontolearn.concept_learner.CLIP attribute)
(ontolearn.learners.CELOE attribute)
,
[1]
(ontolearn.learners.celoe.CELOE attribute)
,
[1]
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
HeuristicOrderedNode (class in ontolearn.search)
heuristics (in module ontolearn.executor)
hidden_dropout1 (real_models.Tucker attribute)
hidden_dropout2 (real_models.Tucker attribute)
I
I (ontolearn.nces_modules.ISAB attribute)
id (ontolearn.tentris.EncodedPosNegLPStandardTentris attribute)
ignore_and_copy() (ontolearn.knowledge_base.KnowledgeBase method)
increment_h_exp() (ontolearn.search.OENode method)
ind_cache (ontolearn.knowledge_base.KnowledgeBase attribute)
ind_set (ontolearn.knowledge_base.KnowledgeBase attribute)
ind_to_string() (in module ontolearn.ea_utils)
individuals() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.triple_store.TripleStore method)
individuals_count() (ontolearn.abstracts.AbstractKnowledgeBase method)
(ontolearn.knowledge_base.KnowledgeBase method)
individuals_in_signature() (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.tentris.TentrisOntology method)
(ontolearn.triple_store.TripleStoreOntology method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
individuals_set() (ontolearn.abstracts.AbstractKnowledgeBase method)
(ontolearn.knowledge_base.KnowledgeBase method)
IndividualValues (class in ontolearn.value_splitter)
inds (ontolearn.tentris.EvaluatedConceptTentris property)
inferred_named_owl_classes (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner attribute)
inferred_object_properties (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner attribute)
info (data.Data attribute)
INFO (in module ontolearn.utils.oplogging)
init() (complex_models.Complex method)
(complex_models.ConEx method)
(ontolearn.learners.drill.DrillNet method)
(real_models.Distmult method)
(real_models.TransE method)
(real_models.Tucker method)
init_embeddings_of_examples() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
init_hierarchy_instances() (in module ontolearn.utils.static_funcs)
init_individuals_from_concepts() (in module ontolearn.utils.static_funcs)
init_length_metric() (in module ontolearn.utils.static_funcs)
init_method (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
init_named_individuals() (in module ontolearn.utils.static_funcs)
INIT_POPULATION (ontolearn.ea_utils.ToolboxVocabulary attribute)
init_training() (ontolearn.abstracts.DepthAbstractDrill method)
initialize_training_class_expression_learning_problem() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
input_dp_ent_i (complex_models.ConEx attribute)
input_dp_ent_real (complex_models.ConEx attribute)
(real_models.Distmult attribute)
input_dp_rel_i (complex_models.ConEx attribute)
input_dp_rel_real (complex_models.ConEx attribute)
(real_models.Distmult attribute)
input_dropout (complex_models.Complex attribute)
(real_models.Tucker attribute)
input_size (ontolearn.base_nces.BaseNCES attribute)
(ontolearn.concept_learner.CLIP attribute)
instance_embeddings (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.base_nces.BaseNCES attribute)
(ontolearn.concept_learner.CLIP attribute)
instances() (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
intersect_from_iterables() (ontolearn.concept_generator.ConceptGenerator static method)
INTERSECTION (ontolearn.ea_utils.OperatorVocabulary attribute)
intersection() (ontolearn.concept_generator.ConceptGenerator method)
inv_vocab (ontolearn.base_nces.BaseNCES attribute)
(ontolearn.data_struct.NCESBaseDataLoader attribute)
(ontolearn.nces_architectures.GRU attribute)
(ontolearn.nces_architectures.LSTM attribute)
(ontolearn.nces_architectures.SetTransformer attribute)
INVERSE (ontolearn.ea_utils.OperatorVocabulary attribute)
is_isolated() (ontolearn.triple_store.TripleStoreReasoner method)
is_root (ontolearn.abstracts.AbstractOEHeuristicNode property)
(ontolearn.search.RL_State attribute)
is_valid_entity() (in module ontolearn.owl_neural_reasoner)
is_valid_url() (in module ontolearn.triple_store)
ISAB (class in ontolearn.nces_modules)
iso_generations (ontolearn.ea_algorithms.MultiPopulation attribute)
items_in_queue (ontolearn.search.DRILLSearchTreePriorityQueue attribute)
,
[1]
(ontolearn.search.SearchTreePriorityQueue attribute)
,
[1]
iter_bound (ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
,
[1]
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
J
jaccard_similarity() (in module ontolearn.utils)
jump_pr (ontolearn.ea_initialization.EARandomWalkInitialization attribute)
K
k (ontolearn.data_struct.CLIPDataLoader attribute)
k_vs_all_training_schema() (experiment.Experiment method)
kb (in module ontolearn.scripts.run)
(ontolearn.abstracts.BaseRefinement attribute)
,
[1]
(ontolearn.base_concept_learner.BaseConceptLearner attribute)
,
[1]
(ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
(ontolearn.base_nces.BaseNCES attribute)
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.concept_learner.EvoLearner attribute)
,
[1]
(ontolearn.ea_initialization.EARandomWalkInitialization attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
(ontolearn.learning_problem_generator.LearningProblemGenerator attribute)
(ontolearn.lp_generator.helper_classes.ConceptDescriptionGenerator attribute)
(ontolearn.lp_generator.helper_classes.KB2Data attribute)
(ontolearn.lp_generator.KB2Data attribute)
(ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
KB2Data (class in ontolearn.lp_generator)
(class in ontolearn.lp_generator.helper_classes)
kb_all (ontolearn.learning_problem.EncodedPosNegLPStandard attribute)
,
[1]
kb_diff (ontolearn.learning_problem.EncodedPosNegLPStandard attribute)
,
[1]
kb_namespace (ontolearn.base_nces.BaseNCES attribute)
kb_neg (ontolearn.learning_problem.EncodedPosNegLPStandard attribute)
,
[1]
kb_path (ontolearn.binders.DLLearnerBinder attribute)
(ontolearn.lp_generator.helper_classes.RDFTriples attribute)
(ontolearn.lp_generator.RDFTriples attribute)
kb_pos (ontolearn.learning_problem.EncodedPosNegLPStandard attribute)
,
[1]
kernel_size (complex_models.ConEx attribute)
knowledge_base (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
knowledge_base_path (ontolearn.base_nces.BaseNCES attribute)
(ontolearn.concept_learner.CLIP attribute)
KnowledgeBase (class in ontolearn.knowledge_base)
kwargs (experiment.Experiment attribute)
(helper_classes.Reproduce attribute)
kwargs_classifier (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
L
label_smoothing (experiment.Experiment attribute)
LBLNode (class in ontolearn.search)
LBLSearchTree (class in ontolearn.abstracts)
learn_from_illustration() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
learn_from_replay_memory() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
learn_sparql_query() (ontolearn.learners.sparql_query_learner.SPARQLQueryLearner method)
learner (ontolearn.executor.Trainer attribute)
learner_names (ontolearn.base_nces.BaseNCES attribute)
learning_problem (ontolearn.heuristics.CeloeBasedReward property)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
(ontolearn.learners.sparql_query_learner.SPARQLQueryLearner attribute)
learning_rate (experiment.Experiment attribute)
(ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.base_nces.BaseNCES attribute)
(ontolearn.clip_trainer.CLIPTrainer attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
(ontolearn.nces_trainer.NCESTrainer attribute)
LearningProblemGenerator (class in ontolearn.learning_problem_generator)
least_general_named_concepts() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.triple_store.TripleStore method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
len (ontolearn.search.LengthOrderedNode attribute)
len() (ontolearn.abstracts.BaseRefinement method)
length (helper_classes.DatasetTriple attribute)
(ontolearn.search.RL_State attribute)
length_metric (ontolearn.knowledge_base.KnowledgeBase attribute)
length_predictor (ontolearn.concept_learner.CLIP attribute)
LengthBasedRefinement (class in ontolearn.refinement_operators)
LengthLearner_CNN (class in ontolearn.clip_architectures)
LengthLearner_GRU (class in ontolearn.clip_architectures)
LengthLearner_LSTM (class in ontolearn.clip_architectures)
LengthLearner_SetTransformer (class in ontolearn.clip_architectures)
LengthOrderedNode (class in ontolearn.search)
LinearPressureFitness (class in ontolearn.fitness_functions)
LLMVerbalizer (class in ontolearn.verbalizer)
ln (ontolearn.concept_learner.NCES attribute)
load() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
load_data() (data.Data static method)
load_hypotheses() (ontolearn.base_concept_learner.BaseConceptLearner method)
load_model() (helper_classes.Reproduce method)
load_pretrained (ontolearn.concept_learner.CLIP attribute)
(ontolearn.concept_learner.NCES attribute)
load_pretrained() (ontolearn.base_nces.BaseNCES method)
log_dirs (in module ontolearn.utils.log_config)
logger (in module ontolearn.abstracts)
(in module ontolearn.base_concept_learner)
(in module ontolearn.ea_algorithms)
(in module ontolearn.executor)
(in module ontolearn.knowledge_base)
(in module ontolearn.learning_problem)
(in module ontolearn.tentris)
(in module ontolearn.triple_store)
(in module ontolearn.utils.log_config)
loss (complex_models.Complex attribute)
(complex_models.ConEx attribute)
(ontolearn.clip_architectures.LengthLearner_CNN attribute)
(ontolearn.clip_architectures.LengthLearner_GRU attribute)
(ontolearn.clip_architectures.LengthLearner_LSTM attribute)
(ontolearn.clip_architectures.LengthLearner_SetTransformer attribute)
(ontolearn.learners.drill.DrillNet attribute)
(ontolearn.nces_architectures.GRU attribute)
(ontolearn.nces_architectures.LSTM attribute)
(ontolearn.nces_architectures.SetTransformer attribute)
(real_models.Distmult attribute)
(real_models.TransE attribute)
(real_models.Tucker attribute)
lp (ontolearn.heuristics.CeloeBasedReward attribute)
lp_gen (ontolearn.lp_generator.generate_data.LPGen attribute)
(ontolearn.lp_generator.helper_classes.KB2Data attribute)
(ontolearn.lp_generator.KB2Data attribute)
(ontolearn.lp_generator.LPGen attribute)
LPGen (class in ontolearn.lp_generator)
(class in ontolearn.lp_generator.generate_data)
LSTM (class in ontolearn.nces_architectures)
lstm (ontolearn.clip_architectures.LengthLearner_LSTM attribute)
(ontolearn.nces_architectures.LSTM attribute)
M
MAB (class in ontolearn.nces_modules)
mab (ontolearn.nces_modules.PMA attribute)
(ontolearn.nces_modules.SAB attribute)
mab0 (ontolearn.nces_modules.ISAB attribute)
mab1 (ontolearn.nces_modules.ISAB attribute)
main() (in module ontolearn.scripts.run)
make_iterable_verbose() (in module ontolearn.utils.static_funcs)
make_kb_incomplete() (in module ontolearn.incomplete_kb)
make_kb_incomplete_ass() (in module ontolearn.incomplete_kb)
make_kb_inconsistent() (in module ontolearn.incomplete_kb)
make_node() (ontolearn.learners.CELOE method)
(ontolearn.learners.celoe.CELOE method)
(ontolearn.learners.OCEL method)
(ontolearn.learners.ocel.OCEL method)
map_to_token() (ontolearn.nces_trainer.NCESTrainer method)
max_cardinality_restriction() (ontolearn.concept_generator.ConceptGenerator method)
max_child_length (ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
,
[1]
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
(ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
max_he (ontolearn.concept_learner.CLIP attribute)
(ontolearn.learners.CELOE attribute)
,
[1]
(ontolearn.learners.celoe.CELOE attribute)
,
[1]
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
max_height (ontolearn.ea_initialization.EARandomInitialization attribute)
max_len (ontolearn.nces_architectures.GRU attribute)
(ontolearn.nces_architectures.LSTM attribute)
(ontolearn.nces_architectures.SetTransformer attribute)
max_len_replay_memory (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
max_length (ontolearn.concept_learner.NCES attribute)
(ontolearn.data_struct.NCESDataLoader attribute)
(ontolearn.learning_problem_generator.LearningProblemGenerator attribute)
(ontolearn.lp_generator.helper_classes.ConceptDescriptionGenerator attribute)
max_nr_fillers (ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
max_nr_splits (ontolearn.value_splitter.AbstractValueSplitter attribute)
max_num_instances (ontolearn.learning_problem_generator.LearningProblemGenerator attribute)
max_num_lps (ontolearn.lp_generator.helper_classes.KB2Data attribute)
(ontolearn.lp_generator.KB2Data attribute)
max_num_of_concepts_tested (ontolearn.base_concept_learner.BaseConceptLearner attribute)
,
[1]
(ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.concept_learner.EvoLearner attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
max_number_of_filters (ontolearn.learners.sparql_query_learner.SPARQLQueryLearner attribute)
max_runtime (ontolearn.base_concept_learner.BaseConceptLearner attribute)
,
[1]
(ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
(ontolearn.binders.DLLearnerBinder attribute)
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.concept_learner.EvoLearner attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
(ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
max_t (ontolearn.ea_initialization.EARandomWalkInitialization attribute)
max_test_time_per_concept (ontolearn.experiments.Experiments attribute)
maybe_cache_individuals() (ontolearn.knowledge_base.KnowledgeBase method)
maybe_cache_individuals_count() (ontolearn.knowledge_base.KnowledgeBase method)
method (ontolearn.ea_initialization.EARandomInitialization attribute)
metrics (in module ontolearn.executor)
migration_size (ontolearn.ea_algorithms.MultiPopulation attribute)
min_cardinality_restriction() (ontolearn.concept_generator.ConceptGenerator method)
min_he (ontolearn.concept_learner.CLIP attribute)
(ontolearn.learners.CELOE attribute)
,
[1]
(ontolearn.learners.celoe.CELOE attribute)
,
[1]
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
min_height (ontolearn.ea_initialization.EARandomInitialization attribute)
min_length (ontolearn.learning_problem_generator.LearningProblemGenerator attribute)
min_num_instances (ontolearn.learning_problem_generator.LearningProblemGenerator attribute)
min_num_pos_examples (ontolearn.lp_generator.helper_classes.KB2Data attribute)
(ontolearn.lp_generator.KB2Data attribute)
model (experiment.Experiment attribute)
(helper_classes.Reproduce attribute)
(ontolearn.concept_learner.NCES attribute)
(ontolearn.verbalizer.LLMVerbalizer attribute)
modelA (ensemble.Ensemble attribute)
modelB (ensemble.Ensemble attribute)
modelC (ensemble.Ensemble attribute)
models (in module ontolearn.executor)
ModifiedCELOERefinement (class in ontolearn.refinement_operators)
module
complex_models
compute_embeddings
data
ensemble
experiment
helper_classes
helper_funcs
ontolearn
ontolearn.abstracts
ontolearn.base_concept_learner
ontolearn.base_nces
ontolearn.binders
ontolearn.clip_architectures
ontolearn.clip_trainer
ontolearn.concept_generator
ontolearn.concept_learner
ontolearn.data_struct
ontolearn.ea_algorithms
ontolearn.ea_initialization
ontolearn.ea_utils
ontolearn.executor
ontolearn.experiments
ontolearn.fitness_functions
ontolearn.heuristics
ontolearn.incomplete_kb
ontolearn.knowledge_base
ontolearn.learners
ontolearn.learners.celoe
ontolearn.learners.drill
ontolearn.learners.nero
ontolearn.learners.ocel
ontolearn.learners.sparql_query_learner
ontolearn.learners.tree_learner
ontolearn.learning_problem
ontolearn.learning_problem_generator
ontolearn.lp_generator
ontolearn.lp_generator.generate_data
ontolearn.lp_generator.helper_classes
ontolearn.metrics
ontolearn.nces_architectures
ontolearn.nces_modules
ontolearn.nces_trainer
ontolearn.nces_utils
ontolearn.owl_neural_reasoner
ontolearn.quality_funcs
ontolearn.refinement_operators
ontolearn.scripts
ontolearn.scripts.litserve_neural_reasoner
ontolearn.scripts.run
ontolearn.search
ontolearn.tentris
ontolearn.triple_store
ontolearn.utils
ontolearn.utils.log_config
ontolearn.utils.oplogging
ontolearn.utils.static_funcs
ontolearn.value_splitter
ontolearn.verbalizer
real_models
most_general_boolean_data_properties() (ontolearn.knowledge_base.KnowledgeBase method)
most_general_classes() (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
most_general_data_properties() (ontolearn.knowledge_base.KnowledgeBase method)
most_general_existential_restrictions() (ontolearn.knowledge_base.KnowledgeBase method)
most_general_existential_restrictions_inverse() (ontolearn.knowledge_base.KnowledgeBase method)
most_general_named_concepts() (ontolearn.triple_store.TripleStore method)
most_general_numeric_data_properties() (ontolearn.knowledge_base.KnowledgeBase method)
most_general_object_properties() (ontolearn.knowledge_base.KnowledgeBase method)
(ontolearn.triple_store.TripleStoreKnowledgeBase method)
most_general_time_data_properties() (ontolearn.knowledge_base.KnowledgeBase method)
most_general_universal_restrictions() (ontolearn.knowledge_base.KnowledgeBase method)
most_general_universal_restrictions_inverse() (ontolearn.knowledge_base.KnowledgeBase method)
MultiPopulation (class in ontolearn.ea_algorithms)
mut_uniform_gen (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
MUTATION (ontolearn.ea_utils.ToolboxVocabulary attribute)
mutation_pr (ontolearn.ea_algorithms.EASimple attribute)
N
name (complex_models.Complex attribute)
(complex_models.ConEx attribute)
(ensemble.Ensemble attribute)
(ontolearn.abstracts.AbstractFitness attribute)
(ontolearn.abstracts.AbstractScorer attribute)
(ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.base_concept_learner.BaseConceptLearner attribute)
(ontolearn.base_nces.BaseNCES attribute)
(ontolearn.binders.DLLearnerBinder attribute)
(ontolearn.clip_architectures.LengthLearner_CNN attribute)
(ontolearn.clip_architectures.LengthLearner_GRU attribute)
(ontolearn.clip_architectures.LengthLearner_LSTM attribute)
(ontolearn.clip_architectures.LengthLearner_SetTransformer attribute)
(ontolearn.concept_learner.CLIP attribute)
,
[1]
(ontolearn.concept_learner.EvoLearner attribute)
,
[1]
(ontolearn.ea_algorithms.AbstractEvolutionaryAlgorithm attribute)
(ontolearn.ea_algorithms.EASimple attribute)
(ontolearn.ea_algorithms.MultiPopulation attribute)
(ontolearn.ea_algorithms.RegularizedEvolution attribute)
(ontolearn.fitness_functions.LinearPressureFitness attribute)
(ontolearn.heuristics.CeloeBasedReward attribute)
(ontolearn.heuristics.CELOEHeuristic attribute)
(ontolearn.heuristics.DLFOILHeuristic attribute)
(ontolearn.heuristics.OCELHeuristic attribute)
(ontolearn.learners.CELOE attribute)
,
[1]
(ontolearn.learners.celoe.CELOE attribute)
,
[1]
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
(ontolearn.learners.OCEL attribute)
,
[1]
(ontolearn.learners.ocel.OCEL attribute)
,
[1]
(ontolearn.learners.sparql_query_learner.SPARQLQueryLearner attribute)
(ontolearn.metrics.Accuracy attribute)
(ontolearn.metrics.F1 attribute)
(ontolearn.metrics.Precision attribute)
(ontolearn.metrics.Recall attribute)
(ontolearn.metrics.WeightedAccuracy attribute)
(ontolearn.nces_architectures.GRU attribute)
(ontolearn.nces_architectures.LSTM attribute)
(ontolearn.nces_architectures.SetTransformer attribute)
(ontolearn.nces_utils.SimpleSolution attribute)
(real_models.Distmult attribute)
(real_models.TransE attribute)
(real_models.Tucker attribute)
NCES (class in ontolearn.concept_learner)
nces (ontolearn.nces_trainer.NCESTrainer attribute)
NCESBaseDataLoader (class in ontolearn.data_struct)
NCESDataLoader (class in ontolearn.data_struct)
NCESDataLoaderInference (class in ontolearn.data_struct)
NCESNode (class in ontolearn.search)
NCESTrainer (class in ontolearn.nces_trainer)
neg (ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
(ontolearn.learning_problem.PosNegLPStandard attribute)
,
[1]
(ontolearn.refinement_operators.LengthBasedRefinement attribute)
(ontolearn.value_splitter.Split attribute)
neg_map (ontolearn.value_splitter.IndividualValues attribute)
NEGATION (ontolearn.ea_utils.OperatorVocabulary attribute)
negation() (ontolearn.concept_generator.ConceptGenerator method)
negation_from_iterables() (ontolearn.concept_generator.ConceptGenerator method)
negative_label (experiment.Experiment attribute)
(helper_classes.Reproduce attribute)
negative_sampling_training_schema() (experiment.Experiment method)
Negatives (ontolearn.data_struct.PrepareBatchOfTraining attribute)
NERO (class in ontolearn.learners.nero)
NeuralReasonerAPI (class in ontolearn.scripts.litserve_neural_reasoner)
next_node_to_expand() (ontolearn.base_concept_learner.RefinementBasedConceptLearner method)
(ontolearn.learners.CELOE method)
(ontolearn.learners.celoe.CELOE method)
(ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
next_states (ontolearn.data_struct.Experience attribute)
Node (class in ontolearn.search)
node (ontolearn.search.HeuristicOrderedNode attribute)
(ontolearn.search.LengthOrderedNode attribute)
(ontolearn.search.QualityOrderedNode attribute)
(ontolearn.search.TreeNode attribute)
nodeRefinementPenalty (ontolearn.heuristics.CELOEHeuristic attribute)
nodes (ontolearn.abstracts.DRILLAbstractTree property)
(ontolearn.search.DRILLSearchTreePriorityQueue attribute)
(ontolearn.search.DRILLSearchTreePriorityQueue. attribute)
(ontolearn.search.SearchTreePriorityQueue attribute)
,
[1]
(ontolearn.search.SearchTreePriorityQueue. attribute)
nothing (ontolearn.concept_generator.ConceptGenerator property)
num_diff_runs (ontolearn.learning_problem_generator.LearningProblemGenerator attribute)
num_e (helper_classes.HeadAndRelationBatchLoader attribute)
num_entities (complex_models.Complex attribute)
(complex_models.ConEx attribute)
(real_models.Distmult attribute)
(real_models.TransE attribute)
(real_models.Tucker attribute)
num_episode (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
num_episodes_per_replay (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
num_epochs_per_replay (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
num_examples (ontolearn.base_nces.BaseNCES attribute)
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.lp_generator.helper_classes.KB2Data attribute)
(ontolearn.lp_generator.KB2Data attribute)
num_generations (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
num_heads (ontolearn.concept_learner.NCES attribute)
(ontolearn.nces_modules.MAB attribute)
num_inds (ontolearn.concept_learner.NCES attribute)
num_of_epochs (experiment.Experiment attribute)
num_of_output_channels (complex_models.ConEx attribute)
num_of_sequential_actions (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
num_of_workers (experiment.Experiment attribute)
num_populations (ontolearn.ea_algorithms.MultiPopulation attribute)
num_predictions (ontolearn.concept_learner.NCES attribute)
num_problems (ontolearn.learning_problem_generator.LearningProblemGenerator attribute)
num_relations (complex_models.Complex attribute)
(complex_models.ConEx attribute)
(real_models.Distmult attribute)
(real_models.TransE attribute)
(real_models.Tucker attribute)
num_seeds (ontolearn.concept_learner.NCES attribute)
num_sub_roots (ontolearn.lp_generator.helper_classes.ConceptDescriptionGenerator attribute)
num_workers (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.base_nces.BaseNCES attribute)
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
(ontolearn.nces_trainer.NCESTrainer attribute)
number_of_tested_concepts (ontolearn.base_concept_learner.BaseConceptLearner property)
O
Object (in module ontolearn.ea_initialization)
object_ (ontolearn.ea_initialization.PropObjPair attribute)
object_properties (ontolearn.knowledge_base.KnowledgeBase property)
(ontolearn.triple_store.TripleStoreKnowledgeBase property)
object_properties_in_signature() (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.tentris.TentrisOntology method)
(ontolearn.triple_store.TripleStoreOntology method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
object_property_domain_axioms() (ontolearn.tentris.TentrisOntology method)
(ontolearn.triple_store.TripleStoreOntology method)
object_property_domains() (ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
object_property_range_axioms() (ontolearn.tentris.TentrisOntology method)
(ontolearn.triple_store.TripleStoreOntology method)
object_property_ranges() (ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
object_property_values() (ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
OCEL (class in ontolearn.learners)
(class in ontolearn.learners.ocel)
OCELHeuristic (class in ontolearn.heuristics)
OENode (class in ontolearn.search)
ontolearn
module
ontolearn.abstracts
module
ontolearn.base_concept_learner
module
ontolearn.base_nces
module
ontolearn.binders
module
ontolearn.clip_architectures
module
ontolearn.clip_trainer
module
ontolearn.concept_generator
module
ontolearn.concept_learner
module
ontolearn.data_struct
module
ontolearn.ea_algorithms
module
ontolearn.ea_initialization
module
ontolearn.ea_utils
module
ontolearn.executor
module
ontolearn.experiments
module
ontolearn.fitness_functions
module
ontolearn.heuristics
module
ontolearn.incomplete_kb
module
ontolearn.knowledge_base
module
ontolearn.learners
module
ontolearn.learners.celoe
module
ontolearn.learners.drill
module
ontolearn.learners.nero
module
ontolearn.learners.ocel
module
ontolearn.learners.sparql_query_learner
module
ontolearn.learners.tree_learner
module
ontolearn.learning_problem
module
ontolearn.learning_problem_generator
module
ontolearn.lp_generator
module
ontolearn.lp_generator.generate_data
module
ontolearn.lp_generator.helper_classes
module
ontolearn.metrics
module
ontolearn.nces_architectures
module
ontolearn.nces_modules
module
ontolearn.nces_trainer
module
ontolearn.nces_utils
module
ontolearn.owl_neural_reasoner
module
ontolearn.quality_funcs
module
ontolearn.refinement_operators
module
ontolearn.scripts
module
ontolearn.scripts.litserve_neural_reasoner
module
ontolearn.scripts.run
module
ontolearn.search
module
ontolearn.tentris
module
ontolearn.triple_store
module
ontolearn.utils
module
ontolearn.utils.log_config
module
ontolearn.utils.oplogging
module
ontolearn.utils.static_funcs
module
ontolearn.value_splitter
module
ontolearn.verbalizer
module
ontology (ontolearn.triple_store.TripleStore attribute)
(ontolearn.triple_store.TripleStoreKnowledgeBase attribute)
(ontolearn.triple_store.TripleStoreReasoner attribute)
ontology() (ontolearn.abstracts.AbstractKnowledgeBase method)
op_domains (ontolearn.knowledge_base.KnowledgeBase attribute)
op_ranges (ontolearn.knowledge_base.KnowledgeBase attribute)
operator (ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
,
[1]
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
OperatorVocabulary (class in ontolearn.ea_utils)
optim (experiment.Experiment attribute)
optimizer (experiment.Experiment attribute)
(ontolearn.abstracts.DepthAbstractDrill attribute)
output_size (ontolearn.concept_learner.CLIP attribute)
owl_class_expressions (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
owl_prefix (in module ontolearn.triple_store)
owlliteral_to_primitive_string() (in module ontolearn.ea_utils)
P
param (complex_models.Complex attribute)
(complex_models.ConEx attribute)
(real_models.Distmult attribute)
(real_models.TransE attribute)
(real_models.Tucker attribute)
parametrized_performance_debugger() (in module ontolearn.utils)
parent_node (ontolearn.abstracts.AbstractOEHeuristicNode property)
(ontolearn.search.LBLNode property)
(ontolearn.search.RL_State attribute)
parse_dl_learner_output() (ontolearn.binders.DLLearnerBinder method)
parser (in module ontolearn.scripts.litserve_neural_reasoner)
path (ontolearn.knowledge_base.KnowledgeBase attribute)
,
[1]
(ontolearn.lp_generator.helper_classes.KB2Data attribute)
(ontolearn.lp_generator.KB2Data attribute)
(ontolearn.tentris.TentrisKnowledgeBase attribute)
,
[1]
(ontolearn.triple_store.TripleStoreKnowledgeBase attribute)
path_neural_embedding (ontolearn.scripts.litserve_neural_reasoner.NeuralReasonerAPI attribute)
,
[1]
path_of_embeddings (ontolearn.concept_learner.CLIP attribute)
(ontolearn.concept_learner.NCES attribute)
penalty (ontolearn.fitness_functions.LinearPressureFitness attribute)
performance_debugger() (in module helper_funcs)
(in module ontolearn.utils)
plot_decision_tree_of_expressions() (in module ontolearn.utils.static_funcs)
plot_embeddings (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
plot_feature_importance (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
plot_topk_feature_importance() (in module ontolearn.utils.static_funcs)
plot_tree (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
plot_umap_reduced_embeddings() (in module ontolearn.utils.static_funcs)
PMA (class in ontolearn.nces_modules)
population_size (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
pos (ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
(ontolearn.learning_problem.PosNegLPStandard attribute)
(ontolearn.refinement_operators.LengthBasedRefinement attribute)
(ontolearn.value_splitter.Split attribute)
pos_map (ontolearn.value_splitter.IndividualValues attribute)
pos_neg_to_tensor() (ontolearn.concept_learner.CLIP method)
positive_label (experiment.Experiment attribute)
(helper_classes.Reproduce attribute)
positive_type_bias (ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
PosNegLPStandard (class in ontolearn.learning_problem)
PosNegUndLP (class in ontolearn.learning_problem)
Precision (class in ontolearn.metrics)
predict() (ontolearn.base_concept_learner.BaseConceptLearner method)
(ontolearn.executor.Trainer method)
(ontolearn.learners.TDL method)
(ontolearn.learners.tree_learner.TDL method)
(ontolearn.nces_utils.SimpleSolution method)
(ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.scripts.litserve_neural_reasoner.NeuralReasonerAPI method)
predict_individuals_of_owl_class() (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
predict_length() (ontolearn.concept_learner.CLIP method)
predict_values() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
PredictedConcept (class in ontolearn.binders)
predictor_name (ontolearn.concept_learner.CLIP attribute)
PrepareBatchOfPrediction (class in ontolearn.data_struct)
PrepareBatchOfTraining (class in ontolearn.data_struct)
pretrained_predictor_name (ontolearn.concept_learner.CLIP attribute)
PrimitiveFactory (class in ontolearn.ea_utils)
proj_dim (ontolearn.concept_learner.NCES attribute)
(ontolearn.nces_architectures.GRU attribute)
(ontolearn.nces_architectures.LSTM attribute)
Property (in module ontolearn.ea_initialization)
property_ (ontolearn.ea_initialization.PropObjPair attribute)
PropObjPair (class in ontolearn.ea_initialization)
pset (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
Q
quality (ontolearn.abstracts.AbstractOEHeuristicNode property)
quality_func (ontolearn.base_concept_learner.BaseConceptLearner attribute)
,
[1]
(ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.concept_learner.EvoLearner attribute)
(ontolearn.concept_learner.NCES attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
(ontolearn.search.DRILLSearchTreePriorityQueue attribute)
(ontolearn.search.SearchTreePriorityQueue attribute)
,
[1]
QualityOrderedNode (class in ontolearn.search)
query() (ontolearn.triple_store.TripleStore method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
R
R (real_models.Tucker attribute)
RAMPED_HALF_HALF (ontolearn.ea_initialization.RandomInitMethod attribute)
random_state_k_fold (ontolearn.experiments.Experiments attribute)
RandomInitMethod (class in ontolearn.ea_initialization)
range_of_double_data_properties() (ontolearn.triple_store.TripleStoreReasonerOntology method)
rdf_prefix (in module ontolearn.triple_store)
rdfs_prefix (in module ontolearn.triple_store)
RDFTriples (class in ontolearn.lp_generator)
(class in ontolearn.lp_generator.helper_classes)
read_csv() (in module ontolearn.utils)
read_individuals_file() (in module ontolearn.utils)
read_named_classes_file() (in module ontolearn.utils)
real_models
module
reasoner (ontolearn.base_concept_learner.BaseConceptLearner attribute)
,
[1]
(ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.concept_learner.EvoLearner attribute)
,
[1]
(ontolearn.executor.Trainer attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
(ontolearn.triple_store.TripleStore attribute)
(ontolearn.triple_store.TripleStoreKnowledgeBase attribute)
Recall (class in ontolearn.metrics)
redundancy_check() (ontolearn.abstracts.DRILLAbstractTree method)
refine() (ontolearn.abstracts.BaseRefinement method)
(ontolearn.refinement_operators.ExpressRefinement method)
(ontolearn.refinement_operators.LengthBasedRefinement method)
(ontolearn.refinement_operators.ModifiedCELOERefinement method)
refine_atomic_concept() (ontolearn.refinement_operators.ExpressRefinement method)
(ontolearn.refinement_operators.LengthBasedRefinement method)
(ontolearn.refinement_operators.ModifiedCELOERefinement method)
refine_complement_of() (ontolearn.refinement_operators.ExpressRefinement method)
(ontolearn.refinement_operators.LengthBasedRefinement method)
(ontolearn.refinement_operators.ModifiedCELOERefinement method)
refine_data_has_value() (ontolearn.refinement_operators.ExpressRefinement method)
(ontolearn.refinement_operators.ModifiedCELOERefinement method)
refine_data_some_values_from() (ontolearn.refinement_operators.ExpressRefinement method)
(ontolearn.refinement_operators.ModifiedCELOERefinement method)
refine_object_all_values_from() (ontolearn.refinement_operators.ExpressRefinement method)
(ontolearn.refinement_operators.LengthBasedRefinement method)
(ontolearn.refinement_operators.ModifiedCELOERefinement method)
refine_object_intersection_of() (ontolearn.refinement_operators.ExpressRefinement method)
(ontolearn.refinement_operators.LengthBasedRefinement method)
(ontolearn.refinement_operators.ModifiedCELOERefinement method)
refine_object_max_card_restriction() (ontolearn.refinement_operators.ExpressRefinement method)
(ontolearn.refinement_operators.ModifiedCELOERefinement method)
refine_object_min_card_restriction() (ontolearn.refinement_operators.ExpressRefinement method)
(ontolearn.refinement_operators.ModifiedCELOERefinement method)
refine_object_some_values_from() (ontolearn.refinement_operators.ExpressRefinement method)
(ontolearn.refinement_operators.LengthBasedRefinement method)
(ontolearn.refinement_operators.ModifiedCELOERefinement method)
refine_object_union_of() (ontolearn.refinement_operators.ExpressRefinement method)
(ontolearn.refinement_operators.LengthBasedRefinement method)
(ontolearn.refinement_operators.ModifiedCELOERefinement method)
refine_top() (ontolearn.refinement_operators.LengthBasedRefinement method)
refinement_count (ontolearn.abstracts.AbstractOEHeuristicNode property)
(ontolearn.search.OENode property)
RefinementBasedConceptLearner (class in ontolearn.base_concept_learner)
refresh() (ontolearn.concept_learner.CLIP method)
(ontolearn.concept_learner.NCES method)
register_op() (ontolearn.concept_learner.EvoLearner method)
RegularizedEvolution (class in ontolearn.ea_algorithms)
rel_idx (helper_classes.DatasetTriple attribute)
(helper_classes.HeadAndRelationBatchLoader attribute)
relation_idxs (helper_classes.Reproduce attribute)
relations (data.Data attribute)
remove_axiom() (ontolearn.triple_store.TripleStoreOntology method)
remove_child() (ontolearn.search.LBLNode method)
renderer (ontolearn.base_nces.BaseNCES attribute)
(ontolearn.search.OENode attribute)
(ontolearn.search.RL_State attribute)
report_classification (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
report_results() (ontolearn.experiments.Experiments static method)
representation_mode (ontolearn.abstracts.DepthAbstractDrill attribute)
Reproduce (class in helper_classes)
reproduce() (helper_classes.Reproduce method)
reproduce_ensemble() (helper_classes.Reproduce method)
reset() (ontolearn.value_splitter.AbstractValueSplitter method)
(ontolearn.value_splitter.EntropyValueSplitter method)
residual_convolution() (complex_models.ConEx method)
retrieve() (ontolearn.data_struct.Experience method)
retrieve_concept_chain() (ontolearn.learners.Drill static method)
(ontolearn.learners.drill.Drill static method)
reward_func (ontolearn.abstracts.DepthAbstractDrill attribute)
reward_of_goal (ontolearn.heuristics.CeloeBasedReward attribute)
rewards (ontolearn.data_struct.Experience attribute)
rho (ontolearn.learning_problem_generator.LearningProblemGenerator attribute)
(ontolearn.lp_generator.helper_classes.ConceptDescriptionGenerator attribute)
Ri (complex_models.Complex attribute)
rl_learning_loop() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
RL_State (class in ontolearn.search)
rnn_n_layers (ontolearn.concept_learner.NCES attribute)
root() (in module ontolearn.scripts.run)
Rr (complex_models.Complex attribute)
S
S (ontolearn.data_struct.PrepareBatchOfTraining attribute)
(ontolearn.nces_modules.PMA attribute)
S_Prime (ontolearn.data_struct.PrepareBatchOfTraining attribute)
SAB (class in ontolearn.nces_modules)
same_individuals() (ontolearn.triple_store.TripleStoreReasoner method)
sample_examples() (ontolearn.concept_learner.NCES method)
(ontolearn.lp_generator.helper_classes.KB2Data method)
(ontolearn.lp_generator.KB2Data method)
sample_fillers_count (ontolearn.refinement_operators.ExpressRefinement attribute)
sanity_checking_args() (in module ontolearn.utils)
save() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
save_best_hypothesis() (ontolearn.base_concept_learner.BaseConceptLearner method)
(ontolearn.executor.Trainer method)
save_current_top_n_nodes() (ontolearn.abstracts.DRILLAbstractTree static method)
save_data() (ontolearn.lp_generator.helper_classes.KB2Data method)
(ontolearn.lp_generator.KB2Data method)
save_owl_class_expressions() (in module ontolearn.utils.static_funcs)
save_weights() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
score() (ontolearn.learners.drill.DrillHeuristic method)
score2() (ontolearn.abstracts.AbstractScorer method)
(ontolearn.metrics.Accuracy method)
(ontolearn.metrics.F1 method)
(ontolearn.metrics.Precision method)
(ontolearn.metrics.Recall method)
(ontolearn.metrics.WeightedAccuracy method)
score_elp() (ontolearn.abstracts.AbstractScorer method)
search_algo (ontolearn.learning_problem_generator.LearningProblemGenerator attribute)
search_tree (ontolearn.concept_learner.CLIP attribute)
(ontolearn.learners.CELOE attribute)
,
[1]
(ontolearn.learners.celoe.CELOE attribute)
,
[1]
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
SearchAlgos (in module ontolearn.learning_problem_generator)
SearchTreePriorityQueue (class in ontolearn.search)
seed (in module complex_models)
(in module helper_classes)
(in module real_models)
seen_examples (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
select_next_state() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
SELECTION (ontolearn.ea_utils.ToolboxVocabulary attribute)
send_http_request_to_ts_and_fetch_results() (in module ontolearn.triple_store)
sequence_of_actions() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
serializer() (in module ontolearn.utils)
set_inferred_object_properties (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner property)
set_inferred_owl_classes (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner property)
set_input_examples() (ontolearn.refinement_operators.LengthBasedRefinement method)
SetTransformer (class in ontolearn.nces_architectures)
setup() (ontolearn.scripts.litserve_neural_reasoner.NeuralReasonerAPI method)
setup_logging() (in module ontolearn.utils)
(in module ontolearn.utils.log_config)
show_best_nodes() (ontolearn.abstracts.DRILLAbstractTree method)
show_current_search_tree() (ontolearn.search.DRILLSearchTreePriorityQueue method)
show_num_learnable_params() (ontolearn.clip_trainer.CLIPTrainer method)
(ontolearn.nces_trainer.NCESTrainer static method)
show_search_tree() (ontolearn.abstracts.DRILLAbstractTree method)
(ontolearn.abstracts.LBLSearchTree method)
(ontolearn.base_concept_learner.RefinementBasedConceptLearner method)
(ontolearn.learners.CELOE method)
(ontolearn.learners.celoe.CELOE method)
(ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
(ontolearn.search.SearchTreePriorityQueue method)
shuffle_examples (ontolearn.data_struct.CLIPDataLoader attribute)
(ontolearn.data_struct.CLIPDataLoaderInference attribute)
(ontolearn.data_struct.NCESDataLoader attribute)
(ontolearn.data_struct.NCESDataLoaderInference attribute)
SimpleSolution (class in ontolearn.nces_utils)
size_of_fc1 (ontolearn.learners.drill.DrillNet attribute)
sort_search_tree_by_decreasing_order() (ontolearn.abstracts.DRILLAbstractTree method)
sorted_examples (ontolearn.concept_learner.NCES attribute)
(ontolearn.data_struct.CLIPDataLoader attribute)
(ontolearn.data_struct.CLIPDataLoaderInference attribute)
(ontolearn.data_struct.NCESDataLoader attribute)
(ontolearn.data_struct.NCESDataLoaderInference attribute)
SPARQLQueryLearner (class in ontolearn.learners.sparql_query_learner)
Split (class in ontolearn.value_splitter)
start() (in module compute_embeddings)
(ontolearn.experiments.Experiments method)
start_class (ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
,
[1]
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
start_KFold() (ontolearn.experiments.Experiments method)
start_time (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.base_concept_learner.BaseConceptLearner attribute)
,
[1]
(ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.concept_learner.EvoLearner attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
startNodeBonus (ontolearn.heuristics.CELOEHeuristic attribute)
stop_at_goal (ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
storage_path (experiment.Experiment attribute)
(ontolearn.clip_trainer.CLIPTrainer attribute)
(ontolearn.nces_trainer.NCESTrainer attribute)
store_emb_dataframe (experiment.Experiment attribute)
store_report() (ontolearn.experiments.Experiments static method)
str2bool() (in module compute_embeddings)
str_iri_boolean (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner attribute)
str_iri_data_property (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner attribute)
str_iri_double (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner attribute)
str_iri_object_property (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner attribute)
str_iri_owl_class (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner attribute)
str_iri_range (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner attribute)
str_iri_subclassof (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner attribute)
str_iri_type (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner attribute)
str_to_obj_instance_mapping (ontolearn.search.DRILLSearchTreePriorityQueue attribute)
(ontolearn.search.SearchTreePriorityQueue attribute)
sub_classes() (ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
sub_data_properties() (ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
sub_object_properties() (ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
subconcepts() (ontolearn.owl_neural_reasoner.TripleStoreNeuralReasoner method)
(ontolearn.triple_store.TripleStoreReasonerOntology method)
suf() (in module ontolearn.triple_store)
super_classes() (ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
super_data_properties() (ontolearn.triple_store.TripleStoreReasoner method)
super_object_properties() (ontolearn.triple_store.TripleStoreReasoner method)
SuperProp (class in ontolearn.search)
T
tail_idx (helper_classes.DatasetTriple attribute)
(helper_classes.HeadAndRelationBatchLoader attribute)
tasks (ontolearn.tentris.TentrisKnowledgeBase attribute)
tbox() (ontolearn.knowledge_base.KnowledgeBase method)
TDL (class in ontolearn.learners)
(class in ontolearn.learners.tree_learner)
TentrisKnowledgeBase (class in ontolearn.tentris)
TentrisOntology (class in ontolearn.tentris)
TentrisReasoner (class in ontolearn.tentris)
terminate() (ontolearn.base_concept_learner.BaseConceptLearner method)
(ontolearn.base_concept_learner.RefinementBasedConceptLearner method)
terminate_on_goal (ontolearn.base_concept_learner.BaseConceptLearner attribute)
,
[1]
(ontolearn.base_concept_learner.RefinementBasedConceptLearner attribute)
(ontolearn.concept_learner.CLIP attribute)
(ontolearn.concept_learner.EvoLearner attribute)
(ontolearn.learners.CELOE attribute)
(ontolearn.learners.celoe.CELOE attribute)
(ontolearn.learners.OCEL attribute)
(ontolearn.learners.ocel.OCEL attribute)
terminate_training() (ontolearn.abstracts.DepthAbstractDrill method)
(ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
test_relations (data.Data attribute)
thing (ontolearn.concept_generator.ConceptGenerator property)
tokenizer (ontolearn.nces_utils.SimpleSolution attribute)
toolbox (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
ToolboxVocabulary (class in ontolearn.ea_utils)
top_refinements (ontolearn.refinement_operators.LengthBasedRefinement attribute)
total_fits (ontolearn.concept_learner.EvoLearner attribute)
tournament_size (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
TRACE (in module ontolearn.utils.oplogging)
train() (experiment.Experiment method)
(ontolearn.base_concept_learner.BaseConceptLearner method)
(ontolearn.binders.DLLearnerBinder static method)
(ontolearn.clip_trainer.CLIPTrainer method)
(ontolearn.concept_learner.CLIP method)
(ontolearn.concept_learner.NCES method)
(ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
(ontolearn.learners.nero.NERO method)
(ontolearn.nces_trainer.NCESTrainer method)
train_and_eval() (experiment.Experiment method)
train_data (data.Data attribute)
train_relations (data.Data attribute)
Trainer (class in ontolearn.executor)
TransE (class in real_models)
transform_string() (in module ontolearn.executor)
Tree (in module ontolearn.ea_utils)
tree_depth (ontolearn.search.EvoLearnerNode property)
tree_length (ontolearn.search.EvoLearnerNode property)
tree_node() (ontolearn.learners.CELOE method)
(ontolearn.learners.celoe.CELOE method)
TreeNode (class in ontolearn.search)
triple_gen (ontolearn.lp_generator.generate_data.LPGen attribute)
(ontolearn.lp_generator.LPGen attribute)
triples() (ontolearn.knowledge_base.KnowledgeBase method)
TripleStore (class in ontolearn.triple_store)
TripleStoreKnowledgeBase (class in ontolearn.triple_store)
TripleStoreNeuralReasoner (class in ontolearn.owl_neural_reasoner)
TripleStoreOntology (class in ontolearn.triple_store)
TripleStoreReasoner (class in ontolearn.triple_store)
TripleStoreReasonerOntology (class in ontolearn.triple_store)
Tucker (class in real_models)
type_counts (ontolearn.ea_initialization.EARandomWalkInitialization attribute)
types() (ontolearn.tentris.TentrisReasoner method)
(ontolearn.triple_store.TripleStoreReasoner method)
types_of_individuals (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
U
UNION (ontolearn.ea_utils.OperatorVocabulary attribute)
union() (ontolearn.concept_generator.ConceptGenerator method)
union_from_iterables() (ontolearn.concept_generator.ConceptGenerator static method)
UNIVERSAL (ontolearn.ea_utils.OperatorVocabulary attribute)
universal_restriction() (ontolearn.concept_generator.ConceptGenerator method)
unwrap() (in module ontolearn.triple_store)
update_min_max_horiz_exp() (ontolearn.learners.CELOE method)
(ontolearn.learners.celoe.CELOE method)
update_search() (ontolearn.learners.Drill method)
(ontolearn.learners.drill.Drill method)
updating_node() (ontolearn.learners.CELOE method)
(ontolearn.learners.celoe.CELOE method)
url (ontolearn.triple_store.TripleStore attribute)
(ontolearn.triple_store.TripleStoreKnowledgeBase attribute)
(ontolearn.triple_store.TripleStoreOntology attribute)
(ontolearn.triple_store.TripleStoreReasoner attribute)
(ontolearn.triple_store.TripleStoreReasonerOntology attribute)
(ontolearn.verbalizer.LLMVerbalizer attribute)
use_all_constructor (ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
use_boolean_datatype (ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
use_card_restrictions (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
(ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
(ontolearn.refinement_operators.LengthBasedRefinement attribute)
(ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
use_data_properties (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
(ontolearn.refinement_operators.LengthBasedRefinement attribute)
use_individuals_cache (ontolearn.knowledge_base.KnowledgeBase attribute)
,
[1]
(ontolearn.tentris.TentrisKnowledgeBase attribute)
,
[1]
(ontolearn.triple_store.TripleStoreKnowledgeBase attribute)
use_inverse (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
(ontolearn.refinement_operators.LengthBasedRefinement attribute)
(ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
use_negation (ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
use_nominals (ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
(ontolearn.refinement_operators.LengthBasedRefinement attribute)
use_numeric_datatypes (ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
use_time_datatypes (ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
used_properties (ontolearn.value_splitter.Split attribute)
uses_complex_filters (ontolearn.learners.sparql_query_learner.SPARQLQueryLearner attribute)
V
val() (experiment.Experiment method)
valid_data (data.Data attribute)
valid_learning_problems (ontolearn.learning_problem_generator.LearningProblemGenerator attribute)
valid_relations (data.Data attribute)
value_splitter (ontolearn.concept_learner.EvoLearner attribute)
,
[1]
(ontolearn.refinement_operators.ModifiedCELOERefinement attribute)
Values (in module ontolearn.value_splitter)
verbalize() (in module ontolearn.utils.static_funcs)
verbose (ontolearn.abstracts.DepthAbstractDrill attribute)
(ontolearn.concept_learner.NCES attribute)
(ontolearn.learners.Drill attribute)
(ontolearn.learners.drill.Drill attribute)
(ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
(ontolearn.search.DRILLSearchTreePriorityQueue attribute)
vocab (ontolearn.base_nces.BaseNCES attribute)
(ontolearn.data_struct.NCESBaseDataLoader attribute)
(ontolearn.nces_architectures.GRU attribute)
(ontolearn.nces_architectures.LSTM attribute)
(ontolearn.nces_architectures.SetTransformer attribute)
vocab_df (ontolearn.data_struct.NCESBaseDataLoader attribute)
W
W (real_models.Tucker attribute)
WARNING (in module ontolearn.utils.oplogging)
WeightedAccuracy (class in ontolearn.metrics)
write_dl_learner_config() (ontolearn.binders.DLLearnerBinder method)
X
X (ontolearn.data_struct.PrepareBatchOfPrediction attribute)
(ontolearn.data_struct.PrepareBatchOfTraining attribute)
(ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)
xsd_prefix (in module ontolearn.triple_store)
Y
y (ontolearn.data_struct.PrepareBatchOfTraining attribute)
(ontolearn.learners.TDL attribute)
(ontolearn.learners.tree_learner.TDL attribute)