A B C D E F G H I K L M N O P Q R S T U V W X Y Z 

A

a - Variable in class libai.fuzzy.sets.TwoParameterSet
 
accumulation - Variable in class libai.fuzzy.FuzzyVariable
 
Accumulation - Class in libai.fuzzy.operators.accumulation
Created by kronenthaler on 14/05/2017.
Accumulation() - Constructor for class libai.fuzzy.operators.accumulation.Accumulation
 
activate(Map<String, Double>, KnowledgeBase, Operator) - Method in class libai.fuzzy.Antecedent
 
ActivationMethod - Class in libai.fuzzy.operators.activation
Created by kronenthaler on 08/05/2017.
ActivationMethod() - Constructor for class libai.fuzzy.operators.activation.ActivationMethod
 
Adaline - Class in libai.nn.supervised
Adaptative Linear neural network.
Adaline(int, int) - Constructor for class libai.nn.supervised.Adaline
Constructor.
Adaline(int, int, Random) - Constructor for class libai.nn.supervised.Adaline
Constructor.
add(Matrix, Matrix) - Method in class libai.common.matrix.Matrix
Adds two matrices.
addRecords(Collection<? extends List<Attribute>>) - Method in class libai.classifiers.dataset.TextFileDataSet
 
addSolution(int) - Method in class libai.ants.Ant
Ads a component to the ant's current Vector solution
allTheSame() - Method in interface libai.classifiers.dataset.DataSet
Returns the most common output attribute if the rest of the attributes are exactly the same over the whole data set.
allTheSame() - Method in class libai.classifiers.dataset.MySQLDataSet
 
allTheSame() - Method in class libai.classifiers.dataset.TextFileDataSet
 
allTheSameOutput() - Method in interface libai.classifiers.dataset.DataSet
 
allTheSameOutput() - Method in class libai.classifiers.dataset.MySQLDataSet
 
allTheSameOutput() - Method in class libai.classifiers.dataset.TextFileDataSet
 
alpha - Static variable in class libai.ants.algorithms.Metaheuristic
Determine the relevance of the pheromone trail tau_ij when an Ant decides the next node to be incorporated in a solution.
AndMethod - Class in libai.fuzzy.operators
Created by kronenthaler on 08/05/2017.
AndMethod() - Constructor for class libai.fuzzy.operators.AndMethod
 
Ant - Class in libai.ants
This class belong to the core classes of the Ant Framework.
Ant(int, int) - Constructor for class libai.ants.Ant
Constructor.
AntColonySystem - Class in libai.ants.algorithms
This class belong to the core classes of the Ant Framework.
AntColonySystem() - Constructor for class libai.ants.algorithms.AntColonySystem
 
AntColonySystem(Enviroment) - Constructor for class libai.ants.algorithms.AntColonySystem
 
antCycle(List<Integer>) - Method in class libai.ants.algorithms.AntSystem
 
antDensity() - Method in class libai.ants.algorithms.AntSystem
 
Antecedent - Class in libai.fuzzy
Created by kronenthaler on 30/04/2017.
Antecedent(Clause...) - Constructor for class libai.fuzzy.Antecedent
 
Antecedent(Node) - Constructor for class libai.fuzzy.Antecedent
 
AntFrameworkException - Exception in libai.ants
This class belong to the core classes of the Ant Framework.
AntFrameworkException(String) - Constructor for exception libai.ants.AntFrameworkException
Constructor.
AntQ - Class in libai.ants.algorithms
 
AntQ() - Constructor for class libai.ants.algorithms.AntQ
 
AntQ(Enviroment) - Constructor for class libai.ants.algorithms.AntQ
 
antQuantity() - Method in class libai.ants.algorithms.AntSystem
 
Ants - Variable in class libai.ants.algorithms.Metaheuristic
Enviroment's ant array local copy
Ants - Variable in class libai.ants.Enviroment
Array of Ants
AntSystem - Class in libai.ants.algorithms
This class belong to the core classes of the Ant Framework.
AntSystem() - Constructor for class libai.ants.algorithms.AntSystem
Constructor.
AntSystem(Enviroment) - Constructor for class libai.ants.algorithms.AntSystem
Constructor.
AntSystemRank - Class in libai.ants.algorithms
This class belong to the core classes of the Ant Framework.
AntSystemRank() - Constructor for class libai.ants.algorithms.AntSystemRank
Constructor.
AntSystemRank(Enviroment) - Constructor for class libai.ants.algorithms.AntSystemRank
Constructor.
apply(Function, Matrix) - Method in class libai.common.matrix.Matrix
Apply one function over the elements of the matrix and left the result on a.
applyInIdentity(Function, Matrix) - Method in class libai.common.matrix.Matrix
Apply one function over the elements of the matrix and left on the main diagonal of a identity matrix 'a'.
ArcTangent - Class in libai.common.functions
Function ArcTan.
ArcTangent() - Constructor for class libai.common.functions.ArcTangent
 
AStar - Class in libai.search
JUST USEFUL FOR MINIMIZATION PROBLEMS!!
AStar() - Constructor for class libai.search.AStar
 
Attribute - Class in libai.classifiers
 
Attribute() - Constructor for class libai.classifiers.Attribute
 

B

b - Variable in class libai.fuzzy.sets.TwoParameterSet
 
b - Variable in class libai.nn.supervised.backpropagation.StandardBackpropagation
 
b - Variable in class libai.nn.supervised.Perceptron
 
backedUpError - Variable in class libai.classifiers.trees.C45
 
Backpropagation - Interface in libai.nn.supervised.backpropagation
Created by kronenthaler on 08/01/2017.
bad - Variable in class libai.classifiers.trees.C45
 
BayesNetwork - Class in libai.classifiers.bayes
 
BayesNetwork() - Constructor for class libai.classifiers.bayes.BayesNetwork
 
bestSolution - Variable in class libai.ants.algorithms.Metaheuristic
Vector that holds the global best solution found
beta - Static variable in class libai.ants.algorithms.Metaheuristic
Determine the relevance of the heuristic information n_ij when an Ant decides the next node to be incorporated in a solution.
BFS - Class in libai.search
 
BFS() - Constructor for class libai.search.BFS
 
BinaryChromosome - Class in libai.genetics.chromosomes
The binary form of the chromosome.
BinaryChromosome() - Constructor for class libai.genetics.chromosomes.BinaryChromosome
 
BinaryChromosome(int, Random) - Constructor for class libai.genetics.chromosomes.BinaryChromosome
 
BinaryChromosome(BinaryChromosome) - Constructor for class libai.genetics.chromosomes.BinaryChromosome
Initialize this chromosome with another one

C

C45 - Class in libai.classifiers.trees
TODO: missing values.
C45() - Constructor for class libai.classifiers.trees.C45
 
C45(ArrayList<Pair<Attribute, C45>>) - Constructor for class libai.classifiers.trees.C45
 
C45(Attribute) - Constructor for class libai.classifiers.trees.C45
 
C45(Pair<Attribute, C45>[]) - Constructor for class libai.classifiers.trees.C45
 
C45.ContinuousEntropyInformation - Class in libai.classifiers.trees
 
C45.DiscreteEntropyInformation - Class in libai.classifiers.trees
 
C45.EntropyInformation - Class in libai.classifiers.trees
 
C45.GainInformation - Class in libai.classifiers.trees
 
candidateList(int) - Method in class libai.ants.algorithms.AntSystem
 
candidateList(int) - Method in class libai.ants.algorithms.Metaheuristic
Generate, per node in the graph, a list of candidates nodes according to some problem specific heuristic.
candidateList(int) - Method in class libai.ants.algorithms.MMAS
 
candidates - Variable in class libai.ants.algorithms.Metaheuristic
Vector that holds the candidate list
CenterOfArea - Class in libai.fuzzy.defuzzifiers
Defuzzifier method that calculates the value of x where the areas become equal in the aggregated function.
CenterOfArea() - Constructor for class libai.fuzzy.defuzzifiers.CenterOfArea
 
CenterOfGravity - Class in libai.fuzzy.defuzzifiers
Defuzzifier method that calculates the center of gravity of given function.
CenterOfGravity() - Constructor for class libai.fuzzy.defuzzifiers.CenterOfGravity
 
check(boolean, String, Object...) - Static method in class libai.common.Precondition
 
checkParameters() - Method in class libai.ants.algorithms.AntColonySystem
 
checkParameters() - Method in class libai.ants.algorithms.AntQ
 
checkParameters() - Method in class libai.ants.algorithms.AntSystem
 
checkParameters() - Method in class libai.ants.algorithms.ElitistAntSystem
 
checkParameters() - Method in class libai.ants.algorithms.Metaheuristic
Checks whether or not all of the algorithm's parameters exists.
checkParameters() - Method in class libai.ants.algorithms.MMAS
 
childs - Variable in class libai.classifiers.trees.C45
 
Chromosome - Class in libai.genetics.chromosomes
The chromosome abstraction.
Chromosome() - Constructor for class libai.genetics.chromosomes.Chromosome
 
Clause - Class in libai.fuzzy
Created by kronenthaler on 27/04/2017.
Clause(String, String) - Constructor for class libai.fuzzy.Clause
 
Clause(String, String, Modifier) - Constructor for class libai.fuzzy.Clause
 
Clause(Node) - Constructor for class libai.fuzzy.Clause
 
clean() - Method in class libai.classifiers.dataset.MySQLDataSet
 
clearSolution() - Method in class libai.ants.Ant
Clears the ant's current solution
close() - Method in interface libai.classifiers.dataset.DataSet
Closes the underlying data source if possible.
close() - Method in class libai.classifiers.dataset.MySQLDataSet
 
close() - Method in class libai.classifiers.dataset.TextFileDataSet
 
COA - Static variable in class libai.fuzzy.defuzzifiers.Defuzzifier
 
COG - Static variable in class libai.fuzzy.defuzzifiers.Defuzzifier
 
Column - Class in libai.common.matrix
Column class
Column(double[]) - Constructor for class libai.common.matrix.Column
Creates a new column
Column(int) - Constructor for class libai.common.matrix.Column
Creates a new column
Column(Column) - Constructor for class libai.common.matrix.Column
Copy constructor.
columns - Variable in class libai.common.matrix.Matrix
Number of rows and columns of the matrix.
compare(Ant, Ant) - Method in class libai.ants.algorithms.Metaheuristic
Compares to ants' solutions based on the quality metric of f.
compareTo(Node) - Method in class libai.ants.Node
Implements Comparable interface.
compareTo(Attribute) - Method in class libai.classifiers.ContinuousAttribute
 
compareTo(Attribute) - Method in class libai.classifiers.DiscreteAttribute
 
compareTo(C45) - Method in class libai.classifiers.trees.C45
Dummy function, just needed to be able to use the Pair structure.
compareTo(Pair<V, K>) - Method in class libai.common.Pair
Compare two pairs by the first element.
compareTo(State) - Method in class libai.search.State
Compare two states
Competitive - Class in libai.nn.unsupervised
Competitive Learning is an unsupervised network where "the winner takes all".
Competitive(int, int) - Constructor for class libai.nn.unsupervised.Competitive
Constructor.
Competitive(int, int, Random) - Constructor for class libai.nn.unsupervised.Competitive
Constructor.
confidence - Variable in class libai.classifiers.trees.C45
 
Consequent - Class in libai.fuzzy
Created by kronenthaler on 30/04/2017.
Consequent(Clause...) - Constructor for class libai.fuzzy.Consequent
 
Consequent(Node) - Constructor for class libai.fuzzy.Consequent
 
constrains(int, List<Integer>) - Method in class libai.ants.algorithms.Metaheuristic
Given a node in the graph and an ant's current solution, returns a list of possible nodes to visit.
ContinuousAttribute - Class in libai.classifiers
 
ContinuousAttribute(double) - Constructor for class libai.classifiers.ContinuousAttribute
 
ContinuousAttribute(String, double) - Constructor for class libai.classifiers.ContinuousAttribute
 
ContinuousEntropyInformation() - Constructor for class libai.classifiers.trees.C45.ContinuousEntropyInformation
 
copy(Matrix) - Method in class libai.common.matrix.Matrix
Copy this matrix to another matrix a.
copySolution() - Method in class libai.ants.Ant
Returns a copy of the Vector with the ant's current solution
cross(Chromosome, int) - Method in class libai.genetics.chromosomes.BinaryChromosome
Split the genes by position and swap lower portion of this with the lower portion of b and vice versa to return 2 offsprings.
cross(Chromosome, int) - Method in class libai.genetics.chromosomes.Chromosome
Split the genes by position and swap lower portion of this with the lower portion of b and return the new individual
cross(Chromosome, int) - Method in class libai.genetics.chromosomes.IntegerChromosome
Cross the chromosomes, using a mask template.
CSV - libai.io.MatrixIO.Target
Saves the matrix in csv (comma separated values) format.
currentIterationNumber - Variable in class libai.ants.algorithms.Metaheuristic
current iteration number
currentPos - Variable in class libai.ants.Ant
Current Ant position, i.e.: the index of a node in the problem graph

D

d - Variable in class libai.nn.supervised.backpropagation.StandardBackpropagation
 
daemonActions() - Method in class libai.ants.algorithms.AntColonySystem
 
daemonActions() - Method in class libai.ants.algorithms.AntSystem
 
daemonActions() - Method in class libai.ants.algorithms.ElitistAntSystem
 
daemonActions() - Method in class libai.ants.algorithms.Metaheuristic
This function is called on each iteration and it provides a way to implement centralized actions
daemonActions() - Method in class libai.ants.algorithms.MMAS
 
DataSet - Interface in libai.classifiers.dataset
DataSet is a container compound by examples.
debug - Static variable in class libai.ants.algorithms.AntColonySystem
If true, print debug information over System.out.println
debug - Static variable in class libai.ants.algorithms.AntSystem
If true, print debug information over System.out.println
debug - Static variable in class libai.ants.algorithms.MMAS
If true, print debug information over System.out.println
decisionRule(int, List<Integer>) - Method in class libai.ants.algorithms.AntColonySystem
 
decisionRule(int, List<Integer>) - Method in class libai.ants.algorithms.AntSystem
 
decisionRule(int, List<Integer>) - Method in class libai.ants.algorithms.Metaheuristic
Used by ants to decided the next node to visit.
decisionRule(int, List<Integer>) - Method in class libai.ants.algorithms.MMAS
 
decisionRuleNotFromCandidate(int, List<Integer>) - Method in class libai.ants.algorithms.AntColonySystem
Selects a node from all posible nodes, without taking into consideration candidates list.
decode() - Method in class libai.genetics.chromosomes.BinaryChromosome
Convert this chromosome in a long value.
decode(double, double) - Method in class libai.genetics.chromosomes.BinaryChromosome
Convert this chromosome in a double value using the minValue and maxValue as reference.
defaultValue - Variable in class libai.fuzzy.FuzzyVariable
 
defuzzifier - Variable in class libai.fuzzy.FuzzyVariable
 
Defuzzifier - Class in libai.fuzzy.defuzzifiers
Created by kronenthaler on 14/05/2017.
Defuzzifier() - Constructor for class libai.fuzzy.defuzzifiers.Defuzzifier
 
defuzzify(ActivationMethod, KnowledgeBase, double, List<Pair<Double, Clause>>) - Method in class libai.fuzzy.FuzzyVariable
 
destinationNode - Static variable in class libai.ants.algorithms.Metaheuristic
destination node of the search
DFS - Class in libai.search
 
DFS() - Constructor for class libai.search.DFS
 
DiscreteAttribute - Class in libai.classifiers
 
DiscreteAttribute(String) - Constructor for class libai.classifiers.DiscreteAttribute
 
DiscreteAttribute(String, String) - Constructor for class libai.classifiers.DiscreteAttribute
 
DiscreteEntropyInformation() - Constructor for class libai.classifiers.trees.C45.DiscreteEntropyInformation
 
distance - Variable in class libai.ants.Node
Distance according to other node
domainLeft - Variable in class libai.fuzzy.FuzzyVariable
 
domainRight - Variable in class libai.fuzzy.FuzzyVariable
 
dotProduct(Matrix) - Method in class libai.common.matrix.Matrix
Calculate the dot product between this matrix and another.

E

E - Variable in class libai.ants.algorithms.Metaheuristic
Instance of an Enviroment which holds all of the necesary information to solve an optimizacion problem
ElitistAntSystem - Class in libai.ants.algorithms
This class belong to the core classes of the Ant Framework.
ElitistAntSystem() - Constructor for class libai.ants.algorithms.ElitistAntSystem
Constructor.
ElitistAntSystem(Enviroment) - Constructor for class libai.ants.algorithms.ElitistAntSystem
Constructor.
Engine - Class in libai.genetics
Engine class provides complete algorithm to evolve populations of chromosomes, regardless of these kind.
Engine(Class, int, int, double, double, Fitness) - Constructor for class libai.genetics.Engine
Constructor.
EntropyInformation() - Constructor for class libai.classifiers.trees.C45.EntropyInformation
 
Enviroment - Class in libai.ants
This class belong to the core classes of the Ant Framework.
Enviroment() - Constructor for class libai.ants.Enviroment
Empty constructor.
Enviroment(int, Graph, boolean) - Constructor for class libai.ants.Enviroment
Constructor.
Enviroment(int, Graph, double) - Constructor for class libai.ants.Enviroment
Constructor alias for Enviroment(numberOfAnts,G,false).
Enviroment(Graph) - Constructor for class libai.ants.Enviroment
Constructor.
Enviroment(Graph, boolean) - Constructor for class libai.ants.Enviroment
Constructor.
Enviroment(Graph, double) - Constructor for class libai.ants.Enviroment
Constructor alias for Enviroment(G,false).
epsilon - Static variable in class libai.ants.algorithms.ElitistAntSystem
Determine the weight given to the best-so-far tour Used in the daemonActions() method
equals(Object) - Method in class libai.classifiers.Attribute
 
equals(Object) - Method in class libai.common.matrix.Matrix
Check if two matrix are equals position to position with a precision of 1e-7.
equals(Object) - Method in class libai.common.Pair
 
equals(Object) - Method in class libai.common.Triplet
 
equals(Object) - Method in class libai.search.State
Determines if two states are equals or equivalents
error - Variable in class libai.classifiers.trees.C45
 
error(DataSet) - Method in class libai.classifiers.trees.C45
 
error(Column[], Column[]) - Method in class libai.nn.NeuralNetwork
Calculates from a set of patterns.
error(Column[], Column[], int, int) - Method in class libai.nn.NeuralNetwork
Calculates the mean quadratic error.
error(Column[], Column[], int, int) - Method in class libai.nn.supervised.LVQ
Calculates the number of incorrect answers over the total.
error(Column[], Column[], int, int) - Method in class libai.nn.supervised.SVM
 
error(Column[], Column[], int, int) - Method in class libai.nn.unsupervised.Competitive
Calculate the error using the average distance between the closest neuron.
euclideanDistance2(double[], double[]) - Static method in class libai.nn.NeuralNetwork
Calculates the square Euclidean distance between two vectors.
euclideanDistance2(Column, Column) - Static method in class libai.nn.NeuralNetwork
Calculates the square Euclidean distance between two column matrix.
eval(double) - Method in class libai.common.functions.ArcTangent
 
eval(double) - Method in interface libai.common.functions.Function
Function to evaluate.
eval(double) - Method in class libai.common.functions.Gaussian
 
eval(double) - Method in class libai.common.functions.HyperbolicTangent
 
eval(double) - Method in class libai.common.functions.Identity
 
eval(double) - Method in class libai.common.functions.Sigmoid
 
eval(double) - Method in class libai.common.functions.Sign
 
eval(double) - Method in class libai.common.functions.Sinc
 
eval(double) - Method in class libai.common.functions.SymmetricSign
 
eval(double) - Method in class libai.fuzzy.FuzzyTerm
 
eval(double) - Method in class libai.fuzzy.modifiers.Extremely
 
eval(double) - Method in class libai.fuzzy.modifiers.Intensify
 
eval(double) - Method in class libai.fuzzy.modifiers.Modifier
 
eval(double) - Method in class libai.fuzzy.modifiers.MoreOrLess
 
eval(double) - Method in class libai.fuzzy.modifiers.Not
 
eval(double) - Method in class libai.fuzzy.modifiers.Plus
 
eval(double) - Method in class libai.fuzzy.modifiers.Somewhat
 
eval(double) - Method in class libai.fuzzy.modifiers.Very
 
eval(double) - Method in interface libai.fuzzy.sets.FuzzySet
Evaluate the membership of the set with the especified value.
eval(double) - Method in class libai.fuzzy.sets.GaussianShape
 
eval(double) - Method in class libai.fuzzy.sets.LeftGaussianShape
 
eval(double) - Method in class libai.fuzzy.sets.LeftLinearShape
 
eval(double) - Method in class libai.fuzzy.sets.PIShape
 
eval(double) - Method in class libai.fuzzy.sets.RectangularShape
 
eval(double) - Method in class libai.fuzzy.sets.RightGaussianShape
 
eval(double) - Method in class libai.fuzzy.sets.RightLinearShape
 
eval(double) - Method in class libai.fuzzy.sets.SingletonShape
 
eval(double) - Method in class libai.fuzzy.sets.SShape
 
eval(double) - Method in class libai.fuzzy.sets.TrapezoidShape
 
eval(double) - Method in class libai.fuzzy.sets.TriangularShape
 
eval(double) - Method in class libai.fuzzy.sets.ZShape
 
eval(double, double) - Method in class libai.fuzzy.operators.accumulation.MaxMethod
 
eval(double, double) - Method in class libai.fuzzy.operators.accumulation.SumMethod
 
eval(double, double) - Method in class libai.fuzzy.operators.activation.LarsenActivation
 
eval(double, double) - Method in class libai.fuzzy.operators.activation.MamdaniActivation
 
eval(double, double) - Method in class libai.fuzzy.operators.MaxMethod
 
eval(double, double) - Method in class libai.fuzzy.operators.MinMethod
 
eval(double, double) - Method in class libai.fuzzy.operators.Operator
 
eval(double, double) - Method in class libai.fuzzy.operators.ProbOrMethod
 
eval(double, double) - Method in class libai.fuzzy.operators.ProdMethod
 
eval(double, KnowledgeBase) - Method in class libai.fuzzy.Clause
 
eval(List<Attribute>) - Method in class libai.classifiers.bayes.NaiveBayes
 
eval(List<Attribute>, DataSet) - Method in class libai.classifiers.trees.C45
 
eval(Matrix, Matrix) - Method in class libai.common.kernels.GaussianKernel
 
eval(Matrix, Matrix) - Method in interface libai.common.kernels.Kernel
Evaluates a kernel between the two Vectors .
eval(Matrix, Matrix) - Method in class libai.common.kernels.LinearKernel
 
eval(Matrix, Matrix) - Method in class libai.common.kernels.PolynomialKernel
 
eval(Matrix, Matrix) - Method in class libai.common.kernels.SigmoidalKernel
 
evolve(int) - Method in class libai.genetics.Engine
Evolve the population for ages
expandMap(Column[], Column[], int, int) - Method in class libai.nn.unsupervised.Kohonen
Label the output for the patterns and expand the results through the neighbors until the map is completely fill.
Extremely - Class in libai.fuzzy.modifiers
Created by kronenthaler on 14/05/2017.
Extremely() - Constructor for class libai.fuzzy.modifiers.Extremely
 
EXTREMELY - Static variable in class libai.fuzzy.modifiers.Modifier
 

F

f(List<Integer>) - Method in class libai.ants.algorithms.Metaheuristic
This function determines the lenght of a solution
fileSource - Variable in class libai.ants.Graph
If the graph is loaded from a file, this will be a holder for the file's source location
fill() - Method in class libai.common.matrix.Matrix
Fill the matrix with random values between (-1, 1).
fill(boolean) - Method in class libai.common.matrix.Matrix
Fill the matrix with random values between [0, 1) if signed is is false, and (-1, 1) if true.
fill(boolean, Random) - Method in class libai.common.matrix.Matrix
Fill the matrix with random values between [0, 1) if signed is is false, and (-1, 1) if true.
fire(Map<String, Double>, double) - Method in class libai.fuzzy.FuzzyController
Fires the rule's antecedents, with the given variable values.
fire(Map<String, Double>, KnowledgeBase, double) - Method in class libai.fuzzy.RuleBase
 
first - Variable in class libai.common.Pair
First element of the pair (the 'key').
first - Variable in class libai.common.Triplet
First element of the tuple.
fitness(Chromosome) - Method in interface libai.genetics.Fitness
evaluate the fitness of the passed chromosome.
Fitness - Interface in libai.genetics
Class to handle the fitness specification for the problem.
fromString(String) - Static method in class libai.fuzzy.defuzzifiers.Defuzzifier
 
fromString(String) - Static method in class libai.fuzzy.modifiers.Modifier
 
fromString(String) - Static method in class libai.fuzzy.operators.accumulation.Accumulation
 
fromString(String) - Static method in class libai.fuzzy.operators.activation.ActivationMethod
 
fromString(String) - Static method in class libai.fuzzy.operators.AndMethod
 
fromString(String) - Static method in class libai.fuzzy.operators.Operator
 
fromString(String) - Static method in class libai.fuzzy.operators.OrMethod
 
func - Variable in class libai.nn.supervised.backpropagation.StandardBackpropagation
 
Function - Interface in libai.common.functions
Interface for real functions F(x): R -> R.
FuzzyController - Class in libai.fuzzy
Created by kronenthaler on 30/04/2017.
FuzzyController(String, String, KnowledgeBase, RuleBase) - Constructor for class libai.fuzzy.FuzzyController
 
FuzzyController(String, KnowledgeBase, RuleBase) - Constructor for class libai.fuzzy.FuzzyController
 
FuzzyController(Node) - Constructor for class libai.fuzzy.FuzzyController
 
FuzzySet - Interface in libai.fuzzy.sets
Created by kronenthaler on 23/04/2017.
FuzzyTerm - Class in libai.fuzzy
Created by kronenthaler on 23/04/2017.
FuzzyTerm(FuzzySet, String) - Constructor for class libai.fuzzy.FuzzyTerm
 
FuzzyTerm(FuzzySet, String, boolean) - Constructor for class libai.fuzzy.FuzzyTerm
 
FuzzyTerm(Node) - Constructor for class libai.fuzzy.FuzzyTerm
 
FuzzyVariable - Class in libai.fuzzy
Created by kronenthaler on 23/04/2017.
FuzzyVariable(String, double, double, double, String, Accumulation, Defuzzifier, FuzzyTerm...) - Constructor for class libai.fuzzy.FuzzyVariable
 
FuzzyVariable(String, double, double, String, FuzzyTerm...) - Constructor for class libai.fuzzy.FuzzyVariable
 
FuzzyVariable(Node) - Constructor for class libai.fuzzy.FuzzyVariable
 

G

gain - Variable in class libai.classifiers.trees.C45.GainInformation
 
GainInformation() - Constructor for class libai.classifiers.trees.C45.GainInformation
 
gamma - Static variable in class libai.ants.algorithms.AntQ
Learning step size
gaussian(double, double) - Static method in class libai.nn.NeuralNetwork
Calculates the Gaussian function with standard deviation sigma and input parameter u^2
Gaussian - Class in libai.common.functions
Function Gaussian.
Gaussian() - Constructor for class libai.common.functions.Gaussian
 
GaussianKernel - Class in libai.common.kernels
Gaussian Kernel or RBF kernel.
GaussianKernel(double) - Constructor for class libai.common.kernels.GaussianKernel
 
GaussianShape - Class in libai.fuzzy.sets
Fuzzy set representing a gaussian function.
GaussianShape(double, double) - Constructor for class libai.fuzzy.sets.GaussianShape
Constructor.
GaussianShape(Node) - Constructor for class libai.fuzzy.sets.GaussianShape
 
genes - Variable in class libai.genetics.chromosomes.BinaryChromosome
The genetic charge
genes - Variable in class libai.genetics.chromosomes.IntegerChromosome
The genetic charge
get(int) - Method in class libai.common.matrix.Column
Retrieves the value of a given row.
get(int) - Method in class libai.common.matrix.Row
Retrieves the value of a given column.
getActivationValue(Map<String, Double>, KnowledgeBase) - Method in class libai.fuzzy.Rule
 
getAnt(int) - Method in class libai.ants.Enviroment
Returns the ant located in the i position of the Ants array
getAnts() - Method in class libai.ants.Enviroment
Returns the array of ants of this enviroment
getAttributeCount() - Method in interface libai.classifiers.dataset.MetaData
 
getAttributeName(int) - Method in interface libai.classifiers.dataset.MetaData
 
getBestSolution() - Method in class libai.ants.algorithms.Metaheuristic
Returns best solution
getCandidates() - Method in class libai.search.State
Returns a list with all the possible candidates from this state
getChance() - Method in class libai.genetics.chromosomes.Chromosome
 
getClasses() - Method in interface libai.classifiers.dataset.MetaData
 
getCol(int) - Method in class libai.common.matrix.Matrix
Return an array with the values of the specified column.
getColumns() - Method in class libai.common.matrix.Matrix
 
getConsequentClauses() - Method in class libai.fuzzy.Rule
 
getCopy() - Method in class libai.genetics.chromosomes.BinaryChromosome
Clone this chromosome.
getCopy() - Method in class libai.genetics.chromosomes.Chromosome
Copy constructor
getCopy() - Method in class libai.genetics.chromosomes.IntegerChromosome
Clone this chromosome.
getCost() - Method in class libai.search.State
Get the cost of the current state
getCurrentIterationNumber() - Method in class libai.ants.algorithms.Metaheuristic
Returns current iteration number
getCurrentPos() - Method in class libai.ants.Ant
Returns the ant's current position
getDefaultRandom() - Static method in class libai.common.matrix.Matrix
 
getDefaultRandomGenerator() - Static method in class libai.genetics.Engine
 
getDefaultRandomGenerator() - Static method in class libai.nn.NeuralNetwork
 
getDerivate() - Method in class libai.common.functions.ArcTangent
 
getDerivate() - Method in interface libai.common.functions.Function
Evaluate the first derivate of this function f'(x)
getDerivate() - Method in class libai.common.functions.Gaussian
 
getDerivate() - Method in class libai.common.functions.HyperbolicTangent
 
getDerivate() - Method in class libai.common.functions.Identity
 
getDerivate() - Method in class libai.common.functions.Sigmoid
 
getDerivate() - Method in class libai.common.functions.Sign
 
getDerivate() - Method in class libai.common.functions.Sinc
 
getDerivate() - Method in class libai.common.functions.SymmetricSign
 
getDistance() - Method in class libai.ants.Node
 
getE() - Method in class libai.ants.algorithms.Metaheuristic
Returns the enviroment
getFileSource() - Method in class libai.ants.Graph
 
getFitness() - Method in class libai.genetics.chromosomes.Chromosome
 
getFitnessReal() - Method in class libai.genetics.chromosomes.Chromosome
 
getFrequencies(int, int, int) - Method in interface libai.classifiers.dataset.DataSet
Gets a map between the different values of the attribute at the fieldIndex and their respective frequencies.
getFrequencies(int, int, int) - Method in class libai.classifiers.dataset.MySQLDataSet
 
getFrequencies(int, int, int) - Method in class libai.classifiers.dataset.TextFileDataSet
 
getGenes() - Method in class libai.genetics.chromosomes.IntegerChromosome
 
getGraph() - Method in class libai.ants.Enviroment
Returns the Graph of the problem
getHeuristicCost() - Method in class libai.search.State
Get the heuristic cost of the current state
getHeuristicInfo() - Method in class libai.ants.Node
 
getIndex() - Method in class libai.ants.Node
 
getInstance(double) - Static method in class libai.classifiers.Attribute
 
getInstance(double, String) - Static method in class libai.classifiers.Attribute
 
getInstance(int) - Static method in class libai.classifiers.Attribute
 
getInstance(int[], Random) - Method in class libai.genetics.chromosomes.IntegerChromosome
Create a new instance of a Chromosome with this int array.
getInstance(int, String) - Static method in class libai.classifiers.Attribute
 
getInstance(int, Random) - Method in class libai.genetics.chromosomes.BinaryChromosome
Creates a new chromosome with a length of length
getInstance(int, Random) - Method in class libai.genetics.chromosomes.Chromosome
Generic constructor
getInstance(int, Random) - Method in class libai.genetics.chromosomes.IntegerChromosome
Creates a new chromosome with a length of length
getInstance(File) - Static method in class libai.classifiers.bayes.NaiveBayes
 
getInstance(File) - Static method in class libai.classifiers.trees.C45
 
getInstance(String) - Static method in class libai.classifiers.Attribute
 
getInstance(String, String) - Static method in class libai.classifiers.Attribute
 
getInstance(BitSet) - Method in class libai.genetics.chromosomes.BinaryChromosome
Create a new instance of a Chromosome with this BitSet.
getInstance(DataSet) - Static method in class libai.classifiers.bayes.NaiveBayes
 
getInstance(DataSet) - Static method in class libai.classifiers.trees.C45
Return an unpruned tree from the given dataset.
getInstancePrune(DataSet, double) - Static method in class libai.classifiers.trees.C45
Return a pruned tree from the given dataset using the specified confidence.
getInstancePrune(DataSet, int) - Static method in class libai.classifiers.trees.C45
Return a pruned tree from the given dataset using the standard confidence of 25%
getIpAddress() - Method in class libai.fuzzy.FuzzyController
 
getItemsCount() - Method in interface libai.classifiers.dataset.DataSet
 
getItemsCount() - Method in class libai.classifiers.dataset.MySQLDataSet
 
getItemsCount() - Method in class libai.classifiers.dataset.TextFileDataSet
 
getM() - Method in class libai.ants.Graph
 
getMap() - Method in class libai.nn.unsupervised.Kohonen
 
getMaximum() - Method in interface libai.common.ProgressDisplay
 
getMaxNeighbor(int) - Method in class libai.ants.algorithms.AntQ
 
getMetaData() - Method in interface libai.classifiers.dataset.DataSet
 
getMetaData() - Method in class libai.classifiers.dataset.MySQLDataSet
 
getMetaData() - Method in class libai.classifiers.dataset.TextFileDataSet
 
getMinimum() - Method in interface libai.common.ProgressDisplay
 
getName() - Method in class libai.classifiers.Attribute
 
getName() - Method in class libai.fuzzy.FuzzyController
 
getName() - Method in class libai.fuzzy.FuzzyTerm
 
getName() - Method in class libai.fuzzy.RuleBase
 
getNumberOfAnts() - Method in class libai.ants.Enviroment
Returns the number of ants
getNumberOfNodes() - Method in class libai.ants.algorithms.Metaheuristic
Gets the number of nodes of the problem graph
getOutputIndex() - Method in interface libai.classifiers.dataset.DataSet
 
getOutputIndex() - Method in class libai.classifiers.dataset.MySQLDataSet
 
getOutputIndex() - Method in class libai.classifiers.dataset.TextFileDataSet
 
getParam(int) - Method in class libai.ants.algorithms.Metaheuristic
 
getPheromones() - Method in class libai.ants.Enviroment
Returns the Pheromone trail
getPlotter() - Method in class libai.nn.NeuralNetwork
 
getProgressBar() - Method in class libai.nn.NeuralNetwork
 
getPrototypeAt(int, int) - Method in class libai.nn.unsupervised.Kohonen
 
getRow(int) - Method in class libai.common.matrix.Matrix
Return an array with the values of the specified row.
getRows() - Method in class libai.common.matrix.Matrix
 
getSolution() - Method in class libai.ants.Ant
Returns a reference to the Vector with the ant's current solution
getSolutionSize() - Method in class libai.ants.Ant
Returns the size of the ant's current solution
getSubset(int, int) - Method in interface libai.classifiers.dataset.DataSet
Create a slice of this data set as a new data set from [lo, hi).
getSubset(int, int) - Method in class libai.classifiers.dataset.MySQLDataSet
 
getSubset(int, int) - Method in class libai.classifiers.dataset.TextFileDataSet
 
getTerm(String) - Method in class libai.fuzzy.FuzzyVariable
 
getTerm(String, String) - Method in class libai.fuzzy.KnowledgeBase
 
getTermName() - Method in class libai.fuzzy.Clause
 
getValue() - Method in class libai.classifiers.Attribute
 
getValue() - Method in class libai.classifiers.ContinuousAttribute
 
getValue() - Method in class libai.classifiers.DiscreteAttribute
 
getValue() - Method in interface libai.common.ProgressDisplay
 
getValue(List<Point2D.Double>) - Method in class libai.fuzzy.defuzzifiers.CenterOfArea
 
getValue(List<Point2D.Double>) - Method in class libai.fuzzy.defuzzifiers.CenterOfGravity
Implements the center of gravity by calculating the Riemann's sums of the area using the trapezoidal rule.
getValue(List<Point2D.Double>) - Method in class libai.fuzzy.defuzzifiers.Defuzzifier
 
getValue(List<Point2D.Double>) - Method in class libai.fuzzy.defuzzifiers.MeanOfMaxima
 
getVariable(String) - Method in class libai.fuzzy.KnowledgeBase
 
getVariableName() - Method in class libai.fuzzy.Clause
 
getWeights() - Method in class libai.nn.supervised.Hebb
 
getWeights() - Method in class libai.nn.supervised.LVQ
 
getWeights() - Method in class libai.nn.supervised.MultiLayerPerceptron
 
getWeights() - Method in class libai.nn.supervised.Perceptron
 
good - Variable in class libai.classifiers.trees.C45
 
Graph - Class in libai.ants
This class belong to the core classes of the Ant Framework.
Graph - Variable in class libai.ants.algorithms.Metaheuristic
Enviroment's graph local copy
Graph - Variable in class libai.ants.Enviroment
Graph wich represent the information of the problem to optimize
Graph(int, int, double[]) - Constructor for class libai.ants.Graph
Constructor.
Graph(String) - Constructor for class libai.ants.Graph
Constructor.

H

hashCode() - Method in class libai.classifiers.Attribute
 
hashCode() - Method in class libai.common.matrix.Matrix
 
hashCode() - Method in class libai.common.Pair
 
hashCode() - Method in class libai.common.Triplet
 
hashCode() - Method in class libai.search.State
Hash code of the state MUST BE implemented to keep track of the visited states
Hebb - Class in libai.nn.supervised
Hebbian supervised networks are good for pattern retrieval and reconstructions.
Hebb(int, int) - Constructor for class libai.nn.supervised.Hebb
Constructor.
Hebb(int, int, double) - Constructor for class libai.nn.supervised.Hebb
Constructor.
Hebb(int, int, double, Random) - Constructor for class libai.nn.supervised.Hebb
Constructor.
heuristicInfo - Variable in class libai.ants.Node
Heuristic information
heuristicInfo(double) - Method in class libai.ants.algorithms.Metaheuristic
Calculates the heuristic information.
Hopfield - Class in libai.nn.unsupervised
Hopfield's networks are the most important and most applicable recurrent neural network.
Hopfield(int) - Constructor for class libai.nn.unsupervised.Hopfield
Constructor.
HyperbolicTangent - Class in libai.common.functions
Hyperbolic Tangent.
HyperbolicTangent() - Constructor for class libai.common.functions.HyperbolicTangent
 

I

Identity - Class in libai.common.functions
Identity function f(x) = x; The first derivate of I(x), I'(x) = 1.
Identity() - Constructor for class libai.common.functions.Identity
 
increment(int, int, double) - Method in class libai.common.matrix.Matrix
Increments the value of one position by v.
index - Variable in class libai.ants.Ant
This Ant's position in the Enviroment's Ants array
index - Variable in class libai.ants.Node
Index of the node in the graph
indexOfSplitValue - Variable in class libai.classifiers.trees.C45.ContinuousEntropyInformation
 
initialize(int) - Method in class libai.genetics.Engine
Initialize population with size chromosomeSize
initialize(NeuralNetwork, int[], Function[], Matrix[], Column[], Column[], Column[]) - Method in interface libai.nn.supervised.backpropagation.Backpropagation
Initializes the Backpropagation algorithm with the basic structures needed.
initialize(NeuralNetwork, int[], Function[], Matrix[], Column[], Column[], Column[]) - Method in class libai.nn.supervised.backpropagation.StandardBackpropagation
 
initializeProgressBar(int) - Method in class libai.nn.NeuralNetwork
 
initialNode - Static variable in class libai.ants.algorithms.Metaheuristic
initial node of the search
initialUpdate - Variable in class libai.nn.supervised.backpropagation.ResilientBackpropagation
 
ins - Variable in class libai.nn.supervised.LVQ
 
ins - Variable in class libai.nn.supervised.Perceptron
 
ins - Variable in class libai.nn.unsupervised.Competitive
 
IntegerChromosome - Class in libai.genetics.chromosomes
Implementation of a permutation chromosome.
IntegerChromosome() - Constructor for class libai.genetics.chromosomes.IntegerChromosome
 
IntegerChromosome(int, Random) - Constructor for class libai.genetics.chromosomes.IntegerChromosome
 
IntegerChromosome(IntegerChromosome) - Constructor for class libai.genetics.chromosomes.IntegerChromosome
 
Intensify - Class in libai.fuzzy.modifiers
Created by kronenthaler on 14/05/2017.
Intensify() - Constructor for class libai.fuzzy.modifiers.Intensify
 
INTESIFY - Static variable in class libai.fuzzy.modifiers.Modifier
 
isBetter(double, double) - Method in interface libai.genetics.Fitness
is this fitness better than the best fitness known?
isCategorical() - Method in class libai.classifiers.Attribute
 
isCategorical(int) - Method in interface libai.classifiers.dataset.MetaData
 
isLeaf() - Method in class libai.classifiers.trees.C45
 
isSolution() - Method in class libai.search.State
Determines if the current state is a solution or not
iterator() - Method in class libai.classifiers.dataset.MySQLDataSet
 
iterator() - Method in class libai.classifiers.dataset.TextFileDataSet
 
iterator() - Method in class libai.fuzzy.Consequent
 

K

Kernel - Interface in libai.common.kernels
 
KnowledgeBase - Class in libai.fuzzy
Created by kronenthaler on 26/04/2017.
KnowledgeBase(FuzzyVariable...) - Constructor for class libai.fuzzy.KnowledgeBase
 
KnowledgeBase(Node) - Constructor for class libai.fuzzy.KnowledgeBase
 
Kohonen - Class in libai.nn.unsupervised
Kohonen's Self-organizative Maps or SOM or Kohonen.
Kohonen(int[], double) - Constructor for class libai.nn.unsupervised.Kohonen
Constructor.
Kohonen(int[], double, int[], int[]) - Constructor for class libai.nn.unsupervised.Kohonen
Constructor.
Kohonen(int[], double, int[], int[], Random) - Constructor for class libai.nn.unsupervised.Kohonen
Constructor.
Kohonen(int[], double, Random) - Constructor for class libai.nn.unsupervised.Kohonen
Constructor.

L

LAPLACE_PRUNE - Static variable in class libai.classifiers.trees.C45
 
LarsenActivation - Class in libai.fuzzy.operators.activation
Created by kronenthaler on 14/05/2017.
LarsenActivation() - Constructor for class libai.fuzzy.operators.activation.LarsenActivation
 
layers - Variable in class libai.nn.supervised.backpropagation.StandardBackpropagation
 
LeftGaussianShape - Class in libai.fuzzy.sets
Fuzzy set representing a gaussian function.
LeftGaussianShape(double, double) - Constructor for class libai.fuzzy.sets.LeftGaussianShape
Constructor.
LeftGaussianShape(Node) - Constructor for class libai.fuzzy.sets.LeftGaussianShape
 
LeftLinearShape - Class in libai.fuzzy.sets
Fuzzy set representing a increasing linear function, in the [a, b] interval.
LeftLinearShape(double, double) - Constructor for class libai.fuzzy.sets.LeftLinearShape
Constructor.
LeftLinearShape(Node) - Constructor for class libai.fuzzy.sets.LeftLinearShape
 
length - Variable in class libai.genetics.chromosomes.BinaryChromosome
 
libai.ants - package libai.ants
 
libai.ants.algorithms - package libai.ants.algorithms
 
libai.classifiers - package libai.classifiers
 
libai.classifiers.bayes - package libai.classifiers.bayes
 
libai.classifiers.dataset - package libai.classifiers.dataset
 
libai.classifiers.trees - package libai.classifiers.trees
 
libai.common - package libai.common
 
libai.common.functions - package libai.common.functions
 
libai.common.kernels - package libai.common.kernels
 
libai.common.matrix - package libai.common.matrix
 
libai.fuzzy - package libai.fuzzy
 
libai.fuzzy.defuzzifiers - package libai.fuzzy.defuzzifiers
 
libai.fuzzy.modifiers - package libai.fuzzy.modifiers
 
libai.fuzzy.operators - package libai.fuzzy.operators
 
libai.fuzzy.operators.accumulation - package libai.fuzzy.operators.accumulation
 
libai.fuzzy.operators.activation - package libai.fuzzy.operators.activation
 
libai.fuzzy.sets - package libai.fuzzy.sets
 
libai.genetics - package libai.genetics
 
libai.genetics.chromosomes - package libai.genetics.chromosomes
 
libai.io - package libai.io
 
libai.nn - package libai.nn
 
libai.nn.supervised - package libai.nn.supervised
 
libai.nn.supervised.backpropagation - package libai.nn.supervised.backpropagation
 
libai.nn.unsupervised - package libai.nn.unsupervised
 
libai.search - package libai.search
 
LinearKernel - Class in libai.common.kernels
Implements a linear kernel based on the dot product.
LinearKernel() - Constructor for class libai.common.kernels.LinearKernel
 
linkOccursInPath(int, int, List<Integer>) - Method in class libai.ants.algorithms.AntSystem
Determine whether a link i,j exists in a Vector
load(Node) - Static method in class libai.classifiers.Attribute
 
load(Node) - Method in class libai.classifiers.trees.C45
Load a new C45 tree from the XML node root.
load(Node) - Method in class libai.fuzzy.Antecedent
 
load(Node) - Method in class libai.fuzzy.Clause
 
load(Node) - Method in class libai.fuzzy.Consequent
 
load(Node) - Method in class libai.fuzzy.FuzzyController
 
load(Node) - Method in class libai.fuzzy.FuzzyTerm
 
load(Node) - Method in class libai.fuzzy.FuzzyVariable
 
load(Node) - Method in class libai.fuzzy.KnowledgeBase
 
load(Node) - Method in class libai.fuzzy.Rule
 
load(Node) - Method in class libai.fuzzy.RuleBase
 
load(Node) - Method in class libai.fuzzy.sets.SingletonShape
 
load(Node) - Method in class libai.fuzzy.sets.TrapezoidShape
 
load(Node) - Method in class libai.fuzzy.sets.TriangularShape
 
load(Node) - Method in class libai.fuzzy.sets.TwoParameterSet
 
load(Node) - Method in interface libai.fuzzy.XMLSerializer
Initializes the instance with the xml node information.
localPheromonesUpdate(int, int) - Method in class libai.ants.algorithms.AntColonySystem
Updates pheromone trail of a current local solution
localPheromonesUpdate(int, int) - Method in class libai.ants.algorithms.AntQ
 
LVQ - Class in libai.nn.supervised
Learning Vector Quantization or LVQ.
LVQ(int, int, int) - Constructor for class libai.nn.supervised.LVQ
Constructor.
LVQ(int, int, int, Random) - Constructor for class libai.nn.supervised.LVQ
Constructor.

M

M - Variable in class libai.nn.supervised.backpropagation.StandardBackpropagation
 
MamdaniActivation - Class in libai.fuzzy.operators.activation
Created by kronenthaler on 14/05/2017.
MamdaniActivation() - Constructor for class libai.fuzzy.operators.activation.MamdaniActivation
 
matrix - Variable in class libai.common.matrix.Matrix
Matrix's data, stored for row in a sequential array.
Matrix - Class in libai.common.matrix
Matrix implementation.
Matrix(int, int) - Constructor for class libai.common.matrix.Matrix
Constructor alias for Matrix(r,c,false).
Matrix(int, int, boolean) - Constructor for class libai.common.matrix.Matrix
Constructor.
Matrix(int, int, double[]) - Constructor for class libai.common.matrix.Matrix
Constructor.
Matrix(Matrix) - Constructor for class libai.common.matrix.Matrix
Copy constructor.
MatrixIO - Class in libai.io
This class implements basic IO functions for Matrix objects.
MatrixIO() - Constructor for class libai.io.MatrixIO
 
MatrixIO.Target - Enum in libai.io
Serialization target
MAX - Static variable in class libai.fuzzy.operators.accumulation.Accumulation
 
MAX - Static variable in class libai.fuzzy.operators.OrMethod
 
maxCandidates - Static variable in class libai.ants.algorithms.AntColonySystem
Maximum number of candidates to be included in the candidate list
maxInfo - Variable in class libai.classifiers.trees.C45.DiscreteEntropyInformation
 
MaxMethod - Class in libai.fuzzy.operators.accumulation
Created by kronenthaler on 14/05/2017.
MaxMethod - Class in libai.fuzzy.operators
Created by kronenthaler on 08/05/2017.
MaxMethod() - Constructor for class libai.fuzzy.operators.accumulation.MaxMethod
 
MaxMethod() - Constructor for class libai.fuzzy.operators.MaxMethod
 
maxNumIterations - Static variable in class libai.ants.algorithms.Metaheuristic
the maximum number of iterations
maxSplitInfo - Variable in class libai.classifiers.trees.C45.DiscreteEntropyInformation
 
maxUpdate - Variable in class libai.nn.supervised.backpropagation.ResilientBackpropagation
 
MeanOfMaxima - Class in libai.fuzzy.defuzzifiers
Defuzzifier method that calculates the center (mean) where the function reaches a maximum.
MeanOfMaxima() - Constructor for class libai.fuzzy.defuzzifiers.MeanOfMaxima
 
metadata - Variable in class libai.classifiers.bayes.NaiveBayes
 
MetaData - Interface in libai.classifiers.dataset
 
Metaheuristic - Class in libai.ants.algorithms
This is the core class of the Ant Framework.
Metaheuristic() - Constructor for class libai.ants.algorithms.Metaheuristic
Constructor.
Metaheuristic(Enviroment) - Constructor for class libai.ants.algorithms.Metaheuristic
Constructor.
MIN - Static variable in class libai.fuzzy.operators.activation.ActivationMethod
 
MIN - Static variable in class libai.fuzzy.operators.AndMethod
 
MinMethod - Class in libai.fuzzy.operators
Created by kronenthaler on 08/05/2017.
MinMethod() - Constructor for class libai.fuzzy.operators.MinMethod
 
minUpdate - Variable in class libai.nn.supervised.backpropagation.ResilientBackpropagation
 
MMAS - Class in libai.ants.algorithms
This class belong to the core classes of the Ant Framework.
MMAS() - Constructor for class libai.ants.algorithms.MMAS
Constructor.
MMAS(Enviroment) - Constructor for class libai.ants.algorithms.MMAS
Constructor.
Modifier - Class in libai.fuzzy.modifiers
Created by kronenthaler on 14/05/2017.
Modifier() - Constructor for class libai.fuzzy.modifiers.Modifier
 
MOM - Static variable in class libai.fuzzy.defuzzifiers.Defuzzifier
 
MomentumBackpropagation - Class in libai.nn.supervised.backpropagation
Created by kronenthaler on 18/01/2017.
MomentumBackpropagation(double) - Constructor for class libai.nn.supervised.backpropagation.MomentumBackpropagation
 
MORE_OR_LESS - Static variable in class libai.fuzzy.modifiers.Modifier
 
MoreOrLess - Class in libai.fuzzy.modifiers
Created by kronenthaler on 14/05/2017.
MoreOrLess() - Constructor for class libai.fuzzy.modifiers.MoreOrLess
 
mostCommonLeaf - Variable in class libai.classifiers.trees.C45
 
mostCommonLeafFreq - Variable in class libai.classifiers.trees.C45
 
MultiLayerPerceptron - Class in libai.nn.supervised
Multi Layer Perceptron or MLP.
MultiLayerPerceptron(int[], Function[]) - Constructor for class libai.nn.supervised.MultiLayerPerceptron
Constructor.
MultiLayerPerceptron(int[], Function[], Random) - Constructor for class libai.nn.supervised.MultiLayerPerceptron
Constructor.
MultiLayerPerceptron(int[], Function[], Backpropagation) - Constructor for class libai.nn.supervised.MultiLayerPerceptron
Constructor.
MultiLayerPerceptron(int[], Function[], Backpropagation, Random) - Constructor for class libai.nn.supervised.MultiLayerPerceptron
Constructor.
multiply(double, Matrix) - Method in class libai.common.matrix.Matrix
Multiply this matrix by an scalar.
multiply(Matrix, Matrix) - Method in class libai.common.matrix.Matrix
Multiply two matrix.
multiplyAndAdd(double, Matrix, Matrix) - Method in class libai.common.matrix.Matrix
Return in result the value of (this*a + b) for each This(i,j)
mutate(double) - Method in class libai.genetics.chromosomes.BinaryChromosome
Flip a bit of the genes.
mutate(double) - Method in class libai.genetics.chromosomes.Chromosome
Change one gene of the chromosome
mutate(double) - Method in class libai.genetics.chromosomes.IntegerChromosome
Swap two position of the genes.
MySQLDataSet - Class in libai.classifiers.dataset
 
MySQLDataSet(Connection, String, int) - Constructor for class libai.classifiers.dataset.MySQLDataSet
 

N

NaiveBayes - Class in libai.classifiers.bayes
 
NaiveBayes() - Constructor for class libai.classifiers.bayes.NaiveBayes
 
name - Variable in class libai.classifiers.Attribute
 
name - Variable in class libai.fuzzy.FuzzyVariable
 
NeuralNetwork - Class in libai.nn
Neural network abstraction.
NeuralNetwork() - Constructor for class libai.nn.NeuralNetwork
 
NeuralNetwork(Random) - Constructor for class libai.nn.NeuralNetwork
 
neutral() - Method in class libai.fuzzy.operators.accumulation.Accumulation
 
neutral() - Method in class libai.fuzzy.operators.activation.ActivationMethod
 
neutral() - Method in class libai.fuzzy.operators.MaxMethod
 
neutral() - Method in class libai.fuzzy.operators.MinMethod
 
neutral() - Method in class libai.fuzzy.operators.Operator
 
neutral() - Method in class libai.fuzzy.operators.ProbOrMethod
 
neutral() - Method in class libai.fuzzy.operators.ProdMethod
 
nMinus - Variable in class libai.nn.supervised.backpropagation.ResilientBackpropagation
 
nn - Variable in class libai.nn.supervised.backpropagation.StandardBackpropagation
 
NO_PRUNE - Static variable in class libai.classifiers.trees.C45
 
Node - Class in libai.ants
This class belong to the core classes of the Ant Framework.
Node(int, double, double) - Constructor for class libai.ants.Node
Constructor.
Not - Class in libai.fuzzy.modifiers
Created by kronenthaler on 14/05/2017.
Not() - Constructor for class libai.fuzzy.modifiers.Not
 
NOT - Static variable in class libai.fuzzy.modifiers.Modifier
 
nperlayer - Variable in class libai.nn.supervised.backpropagation.StandardBackpropagation
 
nperlayer - Variable in class libai.nn.supervised.RBF
 
nPlus - Variable in class libai.nn.supervised.backpropagation.ResilientBackpropagation
 
numberOfAnts - Variable in class libai.ants.algorithms.Metaheuristic
Enviroment's number of ants local copy
numberOfAnts - Variable in class libai.ants.Enviroment
 
numberOfNodes - Variable in class libai.ants.algorithms.Metaheuristic
Enviroment's graph number of node

O

OCTAVE - libai.io.MatrixIO.Target
Saves the matrix in GNU Octave's binary (mat) format.
open(File) - Static method in class libai.fuzzy.FuzzyController
 
open(File) - Static method in class libai.nn.NeuralNetwork
 
open(InputStream) - Static method in class libai.fuzzy.FuzzyController
 
open(InputStream) - Static method in class libai.nn.NeuralNetwork
 
open(String) - Static method in class libai.fuzzy.FuzzyController
 
open(String) - Static method in class libai.nn.NeuralNetwork
 
OPENOFFICE - libai.io.MatrixIO.Target
Saves the matrix in a format that's compatible with the formula format of OpenOffice and LibreOffice.
Operator - Class in libai.fuzzy.operators
Created by kronenthaler on 08/05/2017.
Operator() - Constructor for class libai.fuzzy.operators.Operator
 
order - Variable in class libai.common.Shuffler
 
OrMethod - Class in libai.fuzzy.operators
Created by kronenthaler on 08/05/2017.
OrMethod() - Constructor for class libai.fuzzy.operators.OrMethod
 
output - Variable in class libai.classifiers.trees.C45
 
outputIndex - Variable in class libai.classifiers.bayes.NaiveBayes
 
outs - Variable in class libai.nn.supervised.LVQ
 
outs - Variable in class libai.nn.supervised.Perceptron
 
outs - Variable in class libai.nn.unsupervised.Competitive
 

P

paint(Graphics) - Method in interface libai.common.Plotter
 
Pair<V extends java.lang.Comparable<V>,K> - Class in libai.common
Pair class allows to keep two elements of possibly different types in the same structure and can be used for keep pairs key-value.
Pair(V, K) - Constructor for class libai.common.Pair
Constructor.
PARAM_C - Static variable in class libai.nn.supervised.SVM
 
PARAM_EPSILON - Static variable in class libai.nn.supervised.SVM
 
PARAM_TOLERANCE - Static variable in class libai.nn.supervised.SVM
 
Parameters - Variable in class libai.ants.algorithms.Metaheuristic
Hashtable that holds the parameters
params - Variable in class libai.classifiers.bayes.NaiveBayes
 
Perceptron - Class in libai.nn.supervised
Perceptron is the first trainable neural network proposed.
Perceptron(int, int) - Constructor for class libai.nn.supervised.Perceptron
Constructor.
Perceptron(int, int, Random) - Constructor for class libai.nn.supervised.Perceptron
Constructor.
Pheromones - Variable in class libai.ants.algorithms.Metaheuristic
Enviroment's pheromones matrix local copy
Pheromones - Variable in class libai.ants.Enviroment
The trail of pheromones which ants will use to make desicions about where to move next in the graph
pheromonesEvaporation() - Method in class libai.ants.algorithms.AntColonySystem
 
pheromonesEvaporation() - Method in class libai.ants.algorithms.AntSystem
 
pheromonesEvaporation() - Method in class libai.ants.algorithms.Metaheuristic
Evaporates the pheromone trail contained in the enviroment E according to some ACO algorithm specific logic
pheromonesEvaporation() - Method in class libai.ants.algorithms.MMAS
 
pheromonesEvaporationRate - Static variable in class libai.ants.algorithms.AntSystem
Holds the rate at which pheromones will evaporate in the pheromonesEvaporation() method
pheromonesEvaporationRate - Static variable in class libai.ants.algorithms.MMAS
Holds the rate at which pheromones will evaporate in the pheromonesEvaporation() method
pheromonesUpdate() - Method in class libai.ants.algorithms.AntColonySystem
 
pheromonesUpdate() - Method in class libai.ants.algorithms.AntQ
 
pheromonesUpdate() - Method in class libai.ants.algorithms.AntSystem
 
pheromonesUpdate() - Method in class libai.ants.algorithms.AntSystemRank
 
pheromonesUpdate() - Method in class libai.ants.algorithms.Metaheuristic
Updates the pheromone trail contained in the enviroment E according to some ACO algorithm specific logic
pheromonesUpdate() - Method in class libai.ants.algorithms.MMAS
 
phi - Variable in class libai.nn.supervised.Hebb
 
PIShape - Class in libai.fuzzy.sets
Fuzzy set representing a Pi-shaped function.
PIShape(double, double) - Constructor for class libai.fuzzy.sets.PIShape
Constructor.
PIShape(Node) - Constructor for class libai.fuzzy.sets.PIShape
 
plotter - Variable in class libai.nn.NeuralNetwork
 
Plotter - Interface in libai.common
 
Plus - Class in libai.fuzzy.modifiers
Created by kronenthaler on 14/05/2017.
Plus() - Constructor for class libai.fuzzy.modifiers.Plus
 
PLUS - Static variable in class libai.fuzzy.modifiers.Modifier
 
PolynomialKernel - Class in libai.common.kernels
Polynomial Kernel.
PolynomialKernel(double, double, double) - Constructor for class libai.common.kernels.PolynomialKernel
 
position(int, int) - Method in class libai.common.matrix.Matrix
Return the value on the position (i,j).
position(int, int, double) - Method in class libai.common.matrix.Matrix
Set the value v on the position (i,j).
Precondition - Class in libai.common
Created by kronenthaler on 09/03/2017.
Precondition() - Constructor for class libai.common.Precondition
 
print() - Method in class libai.classifiers.trees.C45
Print the tree over the standard output.
printSolution() - Method in class libai.ants.Ant
Prints the ant's current solution to the standard output
PROBOR - Static variable in class libai.fuzzy.operators.OrMethod
 
ProbOrMethod - Class in libai.fuzzy.operators
Created by kronenthaler on 08/05/2017.
ProbOrMethod() - Constructor for class libai.fuzzy.operators.ProbOrMethod
 
PROD - Static variable in class libai.fuzzy.operators.activation.ActivationMethod
 
PROD - Static variable in class libai.fuzzy.operators.AndMethod
 
ProdMethod - Class in libai.fuzzy.operators
Created by kronenthaler on 08/05/2017.
ProdMethod() - Constructor for class libai.fuzzy.operators.ProdMethod
 
progress - Variable in class libai.nn.NeuralNetwork
 
ProgressDisplay - Interface in libai.common
 
prune(DataSet, int) - Method in class libai.classifiers.trees.C45
 

Q

QUINLANS_PRUNE - Static variable in class libai.classifiers.trees.C45
 

R

r_0 - Static variable in class libai.ants.algorithms.AntColonySystem
Used to balance exploration and explotation.
random - Variable in class libai.common.Shuffler
 
random - Variable in class libai.genetics.chromosomes.BinaryChromosome
 
random - Variable in class libai.genetics.chromosomes.IntegerChromosome
 
random - Variable in class libai.nn.NeuralNetwork
 
random(int) - Static method in class libai.common.matrix.Column
New random column.
random(int) - Static method in class libai.common.matrix.Row
New random row.
random(int, boolean) - Static method in class libai.common.matrix.Column
New random column.
random(int, boolean) - Static method in class libai.common.matrix.Row
New random row.
random(int, boolean, Random) - Static method in class libai.common.matrix.Column
New random column.
random(int, boolean, Random) - Static method in class libai.common.matrix.Row
New random row.
random(int, int) - Static method in class libai.common.matrix.Matrix
Create a new Matrix filled with low random numbers.
random(int, int, boolean) - Static method in class libai.common.matrix.Matrix
Create a new Matrix filled with low random numbers.
random(int, int, boolean, Random) - Static method in class libai.common.matrix.Matrix
Create a new Matrix filled with low random numbers.
ratio - Variable in class libai.classifiers.trees.C45.GainInformation
 
RBF - Class in libai.nn.supervised
Radial Basis Function or RBF.
RBF(int[]) - Constructor for class libai.nn.supervised.RBF
Constructor.
RBF(int[], Random) - Constructor for class libai.nn.supervised.RBF
Constructor.
RectangularShape - Class in libai.fuzzy.sets
Fuzzy set representing a constant function, in the [a, b] interval.
RectangularShape(double, double) - Constructor for class libai.fuzzy.sets.RectangularShape
Constructor.
RectangularShape(Node) - Constructor for class libai.fuzzy.sets.RectangularShape
 
ResilientBackpropagation - Class in libai.nn.supervised.backpropagation
Created by kronenthaler on 18/01/2017.
ResilientBackpropagation() - Constructor for class libai.nn.supervised.backpropagation.ResilientBackpropagation
 
ResilientBackpropagation(double, double, double, double, double) - Constructor for class libai.nn.supervised.backpropagation.ResilientBackpropagation
 
riemmanSum(List<Point2D.Double>) - Method in class libai.fuzzy.defuzzifiers.CenterOfGravity
 
riemmanSum(List<Point2D.Double>, double) - Method in class libai.fuzzy.defuzzifiers.CenterOfGravity
 
RightGaussianShape - Class in libai.fuzzy.sets
Fuzzy set representing a gaussian function.
RightGaussianShape(double, double) - Constructor for class libai.fuzzy.sets.RightGaussianShape
Constructor.
RightGaussianShape(Node) - Constructor for class libai.fuzzy.sets.RightGaussianShape
 
RightLinearShape - Class in libai.fuzzy.sets
Fuzzy set representing a decreasing linear function, in the [a, b] interval.
RightLinearShape(double, double) - Constructor for class libai.fuzzy.sets.RightLinearShape
Constructor.
RightLinearShape(Node) - Constructor for class libai.fuzzy.sets.RightLinearShape
 
ro_1 - Static variable in class libai.ants.algorithms.AntColonySystem
r_1 is a number in the range [0,1].
ro_2 - Static variable in class libai.ants.algorithms.AntColonySystem
r_2 is a number in the range [0,1].
Row - Class in libai.common.matrix
Row class
Row(double[]) - Constructor for class libai.common.matrix.Row
Creates a new row
Row(int) - Constructor for class libai.common.matrix.Row
Creates a new row
Row(Row) - Constructor for class libai.common.matrix.Row
Copy constructor.
rows - Variable in class libai.common.matrix.Matrix
Number of rows and columns of the matrix.
Rule - Class in libai.fuzzy
Created by kronenthaler on 30/04/2017.
Rule(String, double, Operator, Antecedent, Consequent) - Constructor for class libai.fuzzy.Rule
 
Rule(String, double, Operator, Rule.Connector, Antecedent, Consequent) - Constructor for class libai.fuzzy.Rule
 
Rule(Node) - Constructor for class libai.fuzzy.Rule
 
RuleBase - Class in libai.fuzzy
Created by kronenthaler on 30/04/2017.
RuleBase(String, ActivationMethod, Operator, Operator, Rule...) - Constructor for class libai.fuzzy.RuleBase
 
RuleBase(String, ActivationMethod, Rule...) - Constructor for class libai.fuzzy.RuleBase
 
RuleBase(String, Rule...) - Constructor for class libai.fuzzy.RuleBase
 
RuleBase(Node) - Constructor for class libai.fuzzy.RuleBase
 

S

samplesCount - Variable in class libai.classifiers.trees.C45
 
samplesFreq - Variable in class libai.classifiers.trees.C45
 
save(File) - Method in class libai.classifiers.bayes.NaiveBayes
 
save(File) - Method in class libai.classifiers.trees.C45
 
save(String) - Method in class libai.ants.Graph
 
save(String) - Method in class libai.fuzzy.FuzzyController
 
save(String) - Method in class libai.nn.NeuralNetwork
Saves the neural network to the file in the given path
scale - Variable in class libai.fuzzy.FuzzyVariable
 
scale(int, int, double) - Method in class libai.common.matrix.Matrix
Scales the value of one position by v.
search(State) - Method in class libai.search.AStar
 
search(State) - Method in class libai.search.BFS
 
search(State) - Method in class libai.search.DFS
 
search(State) - Method in interface libai.search.Search
Do a search from the init state, until the current state becomes a solution (State.isSolution()) If the algorithm finds a solution return the current state as the solution.
Search - Interface in libai.search
 
second - Variable in class libai.common.Pair
Second element of the pair (the 'value').
second - Variable in class libai.common.Triplet
Second element of the tuple.
SERIAL - libai.io.MatrixIO.Target
Saves the matrix using the JVM serialization algorithm.
set(int, double) - Method in class libai.common.matrix.Column
Sets the value for a given row.
set(int, double) - Method in class libai.common.matrix.Row
Sets the value for a given column.
setAnts() - Method in class libai.ants.Enviroment
Sets the array of ants of this enviroment.
setAnts(int) - Method in class libai.ants.Enviroment
Sets both the number of ants and the array of ants
setChance(double) - Method in class libai.genetics.chromosomes.Chromosome
 
setConfidence(double) - Method in class libai.classifiers.trees.C45
 
setCurrentPos(int) - Method in class libai.ants.Ant
Sets the ant's current position
setE(Enviroment) - Method in class libai.ants.algorithms.Metaheuristic
Sets the enviroment
setError(int, double) - Method in interface libai.common.Plotter
 
setFileSource(String) - Method in class libai.ants.Graph
Sets the file source of the matrix to be loaded
setFitness(double) - Method in class libai.genetics.chromosomes.Chromosome
 
setFitnessReal(double) - Method in class libai.genetics.chromosomes.Chromosome
 
setGraph(Graph) - Method in class libai.ants.Enviroment
 
setMaximum(int) - Method in interface libai.common.ProgressDisplay
 
setMinimum(int) - Method in interface libai.common.ProgressDisplay
 
setName(String) - Method in class libai.classifiers.Attribute
 
setNumberOfAnts(int) - Method in class libai.ants.Enviroment
Sets the number of ants of this Enviroment
setNumberOfNodes(int) - Method in class libai.ants.algorithms.Metaheuristic
Sets the number of nodes of the graph problem
setParam(int, double) - Method in class libai.ants.algorithms.Metaheuristic
Sets a parameter
setPheromones(double) - Method in class libai.ants.Enviroment
Set the pheromones trail to a fix value received as parameter This function must be call only if the graph of the enviroment has already been set
setPheromones(Matrix) - Method in class libai.ants.Enviroment
Set the pheromones trail to something received as parameter
setPlotter(Plotter) - Method in class libai.nn.NeuralNetwork
 
setProgressBar(JProgressBar) - Method in class libai.genetics.Engine
 
setProgressBar(ProgressDisplay) - Method in class libai.nn.NeuralNetwork
Sets a ProgressDisplay to the NeuralNetwork.
setRow(int, double[]) - Method in class libai.common.matrix.Matrix
Replace one row of values of this matrix.
setSolution(List<Integer>) - Method in class libai.ants.Ant
Sets a Vector to be the ant's current solution
setTrainingParam(int, double) - Method in class libai.nn.supervised.SVM
 
setValue(double) - Method in class libai.common.matrix.Matrix
Set a value on each position of the matrix.
setValue(int) - Method in interface libai.common.ProgressDisplay
 
showAnts() - Method in class libai.ants.Enviroment
Prints the array of Ants to the standard output
shuffle() - Method in class libai.common.Shuffler
 
Shuffler - Class in libai.common
Created by kronenthaler on 19/03/2017.
Shuffler(int) - Constructor for class libai.common.Shuffler
 
Shuffler(int, Random) - Constructor for class libai.common.Shuffler
 
sigma - Variable in class libai.nn.supervised.RBF
 
Sigmoid - Class in libai.common.functions
Sigmoid function: f(x) = 1/(1+e^-x) The first derivate of the sigmoid function S(x) S'(x) = S(x)*(1-S(x))
Sigmoid() - Constructor for class libai.common.functions.Sigmoid
 
SigmoidalKernel - Class in libai.common.kernels
Sigmoid Kernel.
SigmoidalKernel(double, double) - Constructor for class libai.common.kernels.SigmoidalKernel
 
sign - Static variable in class libai.nn.supervised.Hebb
 
Sign - Class in libai.common.functions
Signum function F(x) = 0 if x < 0 or 1 if x >= 1 This function is not derivable.
Sign() - Constructor for class libai.common.functions.Sign
 
signum - Static variable in class libai.nn.supervised.Perceptron
 
simulate(Column) - Method in class libai.nn.NeuralNetwork
Calculates the output for the pattern.
simulate(Column) - Method in class libai.nn.supervised.Hebb
 
simulate(Column) - Method in class libai.nn.supervised.LVQ
 
simulate(Column) - Method in class libai.nn.supervised.MultiLayerPerceptron
 
simulate(Column) - Method in class libai.nn.supervised.Perceptron
 
simulate(Column) - Method in class libai.nn.supervised.RBF
 
simulate(Column) - Method in class libai.nn.supervised.SVM
 
simulate(Column) - Method in class libai.nn.unsupervised.Competitive
 
simulate(Column) - Method in class libai.nn.unsupervised.Hopfield
 
simulate(Column) - Method in class libai.nn.unsupervised.Kohonen
 
simulate(Column, Column) - Method in class libai.nn.NeuralNetwork
Calculates the output for the pattern and left the result in result.
simulate(Column, Column) - Method in class libai.nn.supervised.Adaline
Calculate the output for the pattern and left the result on result.
simulate(Column, Column) - Method in class libai.nn.supervised.Hebb
Calculate the output for the pattern and left the result on result.
simulate(Column, Column) - Method in class libai.nn.supervised.LVQ
Calculate the output for the pattern and left the result in result.
simulate(Column, Column) - Method in class libai.nn.supervised.MultiLayerPerceptron
 
simulate(Column, Column) - Method in class libai.nn.supervised.Perceptron
Calculate the output for the pattern and left the result on result.
simulate(Column, Column) - Method in class libai.nn.supervised.RBF
 
simulate(Column, Column) - Method in class libai.nn.supervised.SVM
 
simulate(Column, Column) - Method in class libai.nn.unsupervised.Competitive
Calculate the output for the pattern and left the result in result.
simulate(Column, Column) - Method in class libai.nn.unsupervised.Hopfield
 
simulate(Column, Column) - Method in class libai.nn.unsupervised.Kohonen
 
simulateNoChange(Matrix) - Method in class libai.nn.supervised.LVQ
 
simulateNoChange(Matrix) - Method in class libai.nn.unsupervised.Competitive
 
Sinc - Class in libai.common.functions
Function Sinc.
Sinc() - Constructor for class libai.common.functions.Sinc
 
SingletonShape - Class in libai.fuzzy.sets
Fuzzy set with only one value not equal to zero.
SingletonShape(double) - Constructor for class libai.fuzzy.sets.SingletonShape
Constructor.
SingletonShape(Node) - Constructor for class libai.fuzzy.sets.SingletonShape
 
solution - Variable in class libai.ants.Ant
Current Ant solution
solve() - Method in class libai.ants.algorithms.AntColonySystem
 
solve() - Method in class libai.ants.algorithms.AntSystem
 
solve() - Method in class libai.ants.algorithms.Metaheuristic
This is the body of the algorithm.
solve() - Method in class libai.ants.algorithms.MMAS
 
solve(Column) - Method in class libai.common.matrix.Matrix
Return the reduced echelon form of this matrix using the argument as a right hand side colum.
Somewhat - Class in libai.fuzzy.modifiers
Created by kronenthaler on 14/05/2017.
Somewhat() - Constructor for class libai.fuzzy.modifiers.Somewhat
 
SOMEWHAT - Static variable in class libai.fuzzy.modifiers.Modifier
 
sortAnts(Comparator<Ant>) - Method in class libai.ants.Enviroment
 
sortOver(int) - Method in interface libai.classifiers.dataset.DataSet
Sort the data set over the fieldIndex as primary key and the output index to break any ties.
sortOver(int) - Method in class libai.classifiers.dataset.MySQLDataSet
 
sortOver(int) - Method in class libai.classifiers.dataset.TextFileDataSet
 
sortOver(int, int, int) - Method in interface libai.classifiers.dataset.DataSet
Sort the data set over the fieldIndex as primary key and the output index to break any ties, and limit the elements to [lo, hi).
sortOver(int, int, int) - Method in class libai.classifiers.dataset.MySQLDataSet
 
sortOver(int, int, int) - Method in class libai.classifiers.dataset.TextFileDataSet
 
splitKeepingRelation(double) - Method in interface libai.classifiers.dataset.DataSet
Splits this data set into two new dataset where the proportion between the output classes is kept.
splitKeepingRelation(double) - Method in class libai.classifiers.dataset.MySQLDataSet
 
splitKeepingRelation(double) - Method in class libai.classifiers.dataset.TextFileDataSet
 
splitValue - Variable in class libai.classifiers.trees.C45.ContinuousEntropyInformation
 
SShape - Class in libai.fuzzy.sets
Fuzzy set representing a S-shape function.
SShape(double, double) - Constructor for class libai.fuzzy.sets.SShape
Constructor.
SShape(Node) - Constructor for class libai.fuzzy.sets.SShape
 
ssign - Static variable in class libai.nn.supervised.SVM
 
ssign - Static variable in class libai.nn.unsupervised.Hopfield
 
stagnationPoint() - Method in class libai.ants.algorithms.MMAS
 
StandardBackpropagation - Class in libai.nn.supervised.backpropagation
Created by kronenthaler on 08/01/2017.
StandardBackpropagation() - Constructor for class libai.nn.supervised.backpropagation.StandardBackpropagation
 
State - Class in libai.search
 
State() - Constructor for class libai.search.State
 
subclasses - Variable in class libai.nn.supervised.LVQ
 
subtract(Matrix, Matrix) - Method in class libai.common.matrix.Matrix
Subtract two matrices.
subtractAndCopy(Matrix, Matrix, Matrix) - Method in class libai.common.matrix.Matrix
Subtract the value of this with the value of b, and let the result on resultSubstract Also, copy the original value of this into resultCopy.
SUM - Static variable in class libai.fuzzy.operators.accumulation.Accumulation
 
SumMethod - Class in libai.fuzzy.operators.accumulation
Created by kronenthaler on 14/05/2017.
SumMethod() - Constructor for class libai.fuzzy.operators.accumulation.SumMethod
 
SupervisedLearning - Class in libai.nn.supervised
Created by kronenthaler on 19/03/2017.
SupervisedLearning(Random) - Constructor for class libai.nn.supervised.SupervisedLearning
 
SVM - Class in libai.nn.supervised
Implementation of the SVM using the SMO algorithm.
SVM(Kernel) - Constructor for class libai.nn.supervised.SVM
 
SVM(Kernel, Random) - Constructor for class libai.nn.supervised.SVM
 
swap(int, int) - Method in class libai.common.matrix.Matrix
Swaps two rows.
SymmetricSign - Class in libai.common.functions
Symmetric Signum function F(x) = -1 if x < 0 or 1 if x >= 1 This function is not derivable.
SymmetricSign() - Constructor for class libai.common.functions.SymmetricSign
 

T

tau_0 - Static variable in class libai.ants.algorithms.AntColonySystem
An small positive constant that reinforces pheromones on local paths.
tau_max - Static variable in class libai.ants.algorithms.MMAS
Maximun value for the pheromone trail
tau_min - Static variable in class libai.ants.algorithms.MMAS
Minimun value for the pheromone trail
terms - Variable in class libai.fuzzy.FuzzyVariable
 
TextFileDataSet - Class in libai.classifiers.dataset
 
TextFileDataSet(File, int) - Constructor for class libai.classifiers.dataset.TextFileDataSet
 
theWorst() - Method in interface libai.genetics.Fitness
the worst possible value OO or -OO
third - Variable in class libai.common.Triplet
Third element of the tuple.
toString() - Method in class libai.ants.Ant
Return the string representation of an ant.
toString() - Method in class libai.ants.Node
Return the string representation of this node.
toString() - Method in class libai.classifiers.ContinuousAttribute
 
toString() - Method in class libai.classifiers.dataset.MySQLDataSet
 
toString() - Method in class libai.classifiers.dataset.TextFileDataSet
 
toString() - Method in class libai.classifiers.DiscreteAttribute
 
toString() - Method in class libai.common.matrix.Matrix
Return the string representation of this matrix.
toString() - Method in class libai.common.Pair
 
toString() - Method in class libai.common.Triplet
 
toString() - Method in class libai.fuzzy.defuzzifiers.CenterOfArea
 
toString() - Method in class libai.fuzzy.defuzzifiers.CenterOfGravity
 
toString() - Method in class libai.fuzzy.defuzzifiers.MeanOfMaxima
 
toString() - Method in class libai.fuzzy.modifiers.Modifier
 
toString() - Method in class libai.fuzzy.modifiers.MoreOrLess
 
toString() - Method in class libai.fuzzy.operators.accumulation.MaxMethod
 
toString() - Method in class libai.fuzzy.operators.accumulation.SumMethod
 
toString() - Method in class libai.fuzzy.operators.activation.LarsenActivation
 
toString() - Method in class libai.fuzzy.operators.activation.MamdaniActivation
 
toString() - Method in class libai.fuzzy.operators.MaxMethod
 
toString() - Method in class libai.fuzzy.operators.MinMethod
 
toString() - Method in class libai.fuzzy.operators.ProbOrMethod
 
toString() - Method in class libai.fuzzy.operators.ProdMethod
 
toString() - Method in class libai.genetics.chromosomes.BinaryChromosome
 
toString() - Method in class libai.genetics.chromosomes.IntegerChromosome
 
toString(int) - Method in class libai.common.matrix.Matrix
 
totalCount - Variable in class libai.classifiers.bayes.NaiveBayes
 
toXMLString(String) - Method in class libai.fuzzy.Antecedent
 
toXMLString(String) - Method in class libai.fuzzy.Clause
 
toXMLString(String) - Method in class libai.fuzzy.Consequent
 
toXMLString(String) - Method in class libai.fuzzy.FuzzyController
 
toXMLString(String) - Method in class libai.fuzzy.FuzzyTerm
 
toXMLString(String) - Method in class libai.fuzzy.FuzzyVariable
 
toXMLString(String) - Method in class libai.fuzzy.KnowledgeBase
 
toXMLString(String) - Method in class libai.fuzzy.Rule
 
toXMLString(String) - Method in class libai.fuzzy.RuleBase
 
toXMLString(String) - Method in class libai.fuzzy.sets.SingletonShape
 
toXMLString(String) - Method in class libai.fuzzy.sets.TrapezoidShape
 
toXMLString(String) - Method in class libai.fuzzy.sets.TriangularShape
 
toXMLString(String) - Method in class libai.fuzzy.sets.TwoParameterSet
 
toXMLString(String) - Method in interface libai.fuzzy.XMLSerializer
Returns the XML representation of this Fuzzy set according with the FML schema definition.
train(DataSet) - Method in class libai.classifiers.bayes.NaiveBayes
 
train(DataSet) - Method in class libai.classifiers.trees.C45
 
train(Column[], double, int, int, int) - Method in class libai.nn.unsupervised.Competitive
Train the network using "the winner takes all".
train(Column[], double, int, int, int) - Method in class libai.nn.unsupervised.Hopfield
Train the network.
train(Column[], double, int, int, int) - Method in class libai.nn.unsupervised.Kohonen
Train the map.
train(Column[], double, int, int, int) - Method in class libai.nn.unsupervised.UnsupervisedLearning
Trains this neural network with the list of patterns and the expected answers.
train(Column[], Column[], double, int) - Method in class libai.nn.NeuralNetwork
Alias of train(patterns, answers, alpha, epochs, 0, patterns.length, 1.e-5).
train(Column[], Column[], double, int, int, int) - Method in class libai.nn.NeuralNetwork
Alias of train(patterns, answers, alpha, epochs, offset, length, 1.e-5).
train(Column[], Column[], double, int, int, int, double) - Method in class libai.nn.NeuralNetwork
Trains this neural network with the list of patterns and the expected answers.
train(Column[], Column[], double, int, int, int, double) - Method in class libai.nn.supervised.Adaline
Alias of super.train(patterns, answers, 2*alpha, epochs, offset, length, minerror);
train(Column[], Column[], double, int, int, int, double) - Method in interface libai.nn.supervised.backpropagation.Backpropagation
Trains a neural network using the backpropagation implementaion.
train(Column[], Column[], double, int, int, int, double) - Method in class libai.nn.supervised.backpropagation.MomentumBackpropagation
 
train(Column[], Column[], double, int, int, int, double) - Method in class libai.nn.supervised.backpropagation.ResilientBackpropagation
 
train(Column[], Column[], double, int, int, int, double) - Method in class libai.nn.supervised.backpropagation.StandardBackpropagation
 
train(Column[], Column[], double, int, int, int, double) - Method in class libai.nn.supervised.Hebb
Train the network using the Hebb's rule with decay.
train(Column[], Column[], double, int, int, int, double) - Method in class libai.nn.supervised.LVQ
Train the network using a hybrid scheme.
train(Column[], Column[], double, int, int, int, double) - Method in class libai.nn.supervised.MultiLayerPerceptron
Train the network using the standard backpropagation algorithm.
train(Column[], Column[], double, int, int, int, double) - Method in class libai.nn.supervised.Perceptron
Train the perceptron using the standard update rule:
W = W + alpha.e.pattern^t
b = b + alpha.e
train(Column[], Column[], double, int, int, int, double) - Method in class libai.nn.supervised.RBF
Train the network using a hybrid scheme.
train(Column[], Column[], double, int, int, int, double) - Method in class libai.nn.supervised.SVM
 
train(Column[], Column[], double, int, int, int, double) - Method in class libai.nn.unsupervised.UnsupervisedLearning
 
transpose() - Method in class libai.common.matrix.Column
 
transpose() - Method in class libai.common.matrix.Matrix
Return the transpose of this matrix.
transpose() - Method in class libai.common.matrix.Row
 
transpose(Column) - Method in class libai.common.matrix.Row
 
transpose(Matrix) - Method in class libai.common.matrix.Matrix
Transpose this matrix and left the result on a.
transpose(Row) - Method in class libai.common.matrix.Column
 
TrapezoidShape - Class in libai.fuzzy.sets
Fuzzy set representing a trapezoid function.
TrapezoidShape(double, double, double, double) - Constructor for class libai.fuzzy.sets.TrapezoidShape
Constructor.
TrapezoidShape(Node) - Constructor for class libai.fuzzy.sets.TrapezoidShape
 
TriangularShape - Class in libai.fuzzy.sets
Fuzzy set representing a triangular function.
TriangularShape(double, double, double) - Constructor for class libai.fuzzy.sets.TriangularShape
Constructor.
TriangularShape(Node) - Constructor for class libai.fuzzy.sets.TriangularShape
 
Triplet<V extends java.lang.Comparable,K extends java.lang.Comparable,Z extends java.lang.Comparable> - Class in libai.common
 
Triplet(V, K, Z) - Constructor for class libai.common.Triplet
Constructor.
TSV - libai.io.MatrixIO.Target
Saves the matrix in tsv (tab separated values) format.
TwoParameterSet - Class in libai.fuzzy.sets
Abstraction of a 2-parameter set.
TwoParameterSet() - Constructor for class libai.fuzzy.sets.TwoParameterSet
 
type - Variable in class libai.fuzzy.FuzzyVariable
 

U

u - Variable in class libai.nn.supervised.backpropagation.StandardBackpropagation
 
UnsupervisedLearning - Class in libai.nn.unsupervised
Created by kronenthaler on 19/03/2017.
UnsupervisedLearning() - Constructor for class libai.nn.unsupervised.UnsupervisedLearning
 
UnsupervisedLearning(Random) - Constructor for class libai.nn.unsupervised.UnsupervisedLearning
 
update(Graphics) - Method in interface libai.common.Plotter
 

V

validatePreconditions(Column[], int, int, int) - Method in class libai.nn.unsupervised.UnsupervisedLearning
 
validatePreconditions(Column[], Column[], int, int, int, double) - Method in class libai.nn.supervised.SupervisedLearning
 
validatePreconditions(Column[], Column[], int, int, int, double) - Method in class libai.nn.supervised.SVM
 
valueOf(String) - Static method in enum libai.io.MatrixIO.Target
Returns the enum constant of this type with the specified name.
values() - Static method in enum libai.io.MatrixIO.Target
Returns an array containing the constants of this enum type, in the order they are declared.
Very - Class in libai.fuzzy.modifiers
Created by kronenthaler on 14/05/2017.
Very() - Constructor for class libai.fuzzy.modifiers.Very
 
VERY - Static variable in class libai.fuzzy.modifiers.Modifier
 

W

W - Variable in class libai.nn.supervised.backpropagation.StandardBackpropagation
 
W - Variable in class libai.nn.supervised.Hebb
 
W - Variable in class libai.nn.supervised.LVQ
 
W - Variable in class libai.nn.supervised.Perceptron
 
W - Variable in class libai.nn.unsupervised.Competitive
 
W - Variable in class libai.nn.unsupervised.Hopfield
 
W2 - Variable in class libai.nn.supervised.LVQ
 
write(OutputStream, Map<String, Matrix>) - Static method in class libai.io.MatrixIO
 
write(OutputStream, Map<String, Matrix>, MatrixIO.Target) - Static method in class libai.io.MatrixIO
Writes a set of Matrix objects to a given OutputStream.

Note: When saving to MatrixIO.Target.CSV and MatrixIO.Target.TSV, a line separator \n will be inserted between matrices Note 2: Since Java doesn't support deserializing multiple objects from the same OutputStream if target is MatrixIO.Target.SERIAL then the whole Map will be serialized.
write(OutputStream, Matrix) - Static method in class libai.io.MatrixIO
 
write(OutputStream, Matrix, MatrixIO.Target) - Static method in class libai.io.MatrixIO
Writes a Matrix object to a given OutputStream.

Note: if the target is MatrixIO.Target.OCTAVE then the default variable name will be 'a'.

X

XMLSerializer - Interface in libai.fuzzy
Created by kronenthaler on 23/04/2017.

Y

Y - Variable in class libai.nn.supervised.backpropagation.StandardBackpropagation
 
Yt - Variable in class libai.nn.supervised.backpropagation.StandardBackpropagation
 

Z

z - Variable in class libai.classifiers.trees.C45
 
ZShape - Class in libai.fuzzy.sets
Fuzzy set representing a Z-shape function.
ZShape(double, double) - Constructor for class libai.fuzzy.sets.ZShape
Constructor.
ZShape(Node) - Constructor for class libai.fuzzy.sets.ZShape
 
A B C D E F G H I K L M N O P Q R S T U V W X Y Z