|
||||||||||
PREV NEXT | FRAMES NO FRAMES |
Uses of MLMethod in org.encog.app.analyst |
---|
Methods in org.encog.app.analyst that return MLMethod | |
---|---|
MLMethod |
EncogAnalyst.getMethod()
|
Methods in org.encog.app.analyst with parameters of type MLMethod | |
---|---|
void |
EncogAnalyst.setMethod(MLMethod method)
|
Uses of MLMethod in org.encog.app.analyst.commands |
---|
Methods in org.encog.app.analyst.commands that return MLMethod | |
---|---|
MLMethod |
Cmd.obtainMethod()
Obtain the ML method. |
Uses of MLMethod in org.encog.app.analyst.csv |
---|
Methods in org.encog.app.analyst.csv with parameters of type MLMethod | |
---|---|
void |
AnalystEvaluateCSV.process(File outputFile,
MLMethod method)
Process the file. |
Uses of MLMethod in org.encog.app.generate |
---|
Methods in org.encog.app.generate with parameters of type MLMethod | |
---|---|
static boolean |
EncogCodeGeneration.isSupported(MLMethod method)
Is the specified method supported for code generation? |
Uses of MLMethod in org.encog.ca.universe.basic |
---|
Classes in org.encog.ca.universe.basic that implement MLMethod | |
---|---|
class |
BasicUniverse
|
Uses of MLMethod in org.encog.ensemble |
---|
Subinterfaces of MLMethod in org.encog.ensemble | |
---|---|
interface |
EnsembleML
|
Classes in org.encog.ensemble that implement MLMethod | |
---|---|
class |
GenericEnsembleML
|
Methods in org.encog.ensemble that return MLMethod | |
---|---|
MLMethod |
EnsembleMLMethodFactory.createML(int inputs,
int outputs)
|
MLMethod |
EnsembleML.getMl()
|
MLMethod |
GenericEnsembleML.getMl()
|
Methods in org.encog.ensemble with parameters of type MLMethod | |
---|---|
MLTrain |
EnsembleTrainFactory.getTraining(MLMethod method,
MLDataSet trainingData)
|
void |
EnsembleMLMethodFactory.reInit(MLMethod ml)
|
void |
EnsembleML.setMl(MLMethod newMl)
Set the MLMethod to run |
void |
GenericEnsembleML.setMl(MLMethod newMl)
|
Constructors in org.encog.ensemble with parameters of type MLMethod | |
---|---|
GenericEnsembleML(MLMethod fromML,
String description)
|
Uses of MLMethod in org.encog.ensemble.ml.mlp.factory |
---|
Methods in org.encog.ensemble.ml.mlp.factory that return MLMethod | |
---|---|
MLMethod |
MultiLayerPerceptronFactory.createML(int inputs,
int outputs)
|
Methods in org.encog.ensemble.ml.mlp.factory with parameters of type MLMethod | |
---|---|
void |
MultiLayerPerceptronFactory.reInit(MLMethod ml)
|
Uses of MLMethod in org.encog.ensemble.training |
---|
Methods in org.encog.ensemble.training with parameters of type MLMethod | |
---|---|
MLTrain |
ManhattanPropagationFactory.getTraining(MLMethod mlMethod,
MLDataSet trainingData)
|
MLTrain |
ResilientPropagationFactory.getTraining(MLMethod mlMethod,
MLDataSet trainingData)
|
MLTrain |
ScaledConjugateGradientFactory.getTraining(MLMethod mlMethod,
MLDataSet trainingData)
|
MLTrain |
LevenbergMarquardtFactory.getTraining(MLMethod mlMethod,
MLDataSet trainingData)
|
MLTrain |
BackpropagationFactory.getTraining(MLMethod mlMethod,
MLDataSet trainingData)
|
Uses of MLMethod in org.encog.mathutil.randomize |
---|
Methods in org.encog.mathutil.randomize with parameters of type MLMethod | |
---|---|
void |
BasicRandomizer.randomize(MLMethod method)
Randomize the synapses and biases in the basic network based on an array, modify the array. |
void |
NguyenWidrowRandomizer.randomize(MLMethod method)
|
void |
Randomizer.randomize(MLMethod network)
Randomize the synapses and bias values in the basic network based on an array, modify the array. |
Uses of MLMethod in org.encog.ml |
---|
Subinterfaces of MLMethod in org.encog.ml | |
---|---|
interface |
MLAutoAssocation
Defines a MLMethod that can handle autoassocation. |
interface |
MLClassification
This interface defines a MLMethod that is used for classification. |
interface |
MLClustering
A machine learning method that is used to break data into clusters. |
interface |
MLContext
Defines a MLMethod that can hold context. |
interface |
MLEncodable
Defines a Machine Learning Method that can be encoded to a double array. |
interface |
MLError
Defines Machine Learning Method that can calculate an error based on a data set. |
interface |
MLInput
Defines a MLMethod that accepts input. |
interface |
MLInputOutput
This is a convenience interface that combines MLInput and MLOutput. |
interface |
MLOutput
Defines a MLMethod that produces output. |
interface |
MLProperties
Defines a Machine Learning Method that holds properties. |
interface |
MLRegression
Defines a Machine Learning Method that supports regression. |
interface |
MLResettable
Defines a Machine Learning Method that can be reset to an untrained starting point. |
interface |
MLStateSequence
A state sequence ML method, for example a Hidden Markov Model. |
Classes in org.encog.ml that implement MLMethod | |
---|---|
class |
BasicML
A class that provides basic property functionality for the MLProperties interface. |
Methods in org.encog.ml that return MLMethod | |
---|---|
MLMethod |
MethodFactory.factor()
|
Methods in org.encog.ml with parameters of type MLMethod | |
---|---|
double |
CalculateScore.calculateScore(MLMethod method)
Calculate this network's score. |
Uses of MLMethod in org.encog.ml.bayesian |
---|
Classes in org.encog.ml.bayesian that implement MLMethod | |
---|---|
class |
BayesianNetwork
The Bayesian Network is a machine learning method that is based on probability, and particularly Bayes' Rule. |
Uses of MLMethod in org.encog.ml.bayesian.training |
---|
Methods in org.encog.ml.bayesian.training that return MLMethod | |
---|---|
MLMethod |
TrainBayesian.getMethod()
Get the current best machine learning method from the training. |
Uses of MLMethod in org.encog.ml.ea.codec |
---|
Methods in org.encog.ml.ea.codec that return MLMethod | |
---|---|
MLMethod |
GenomeAsPhenomeCODEC.decode(Genome genome)
Decode the specified genome into a phenome. |
MLMethod |
GeneticCODEC.decode(Genome genome)
Decode the specified genome into a phenome. |
Methods in org.encog.ml.ea.codec with parameters of type MLMethod | |
---|---|
Genome |
GenomeAsPhenomeCODEC.encode(MLMethod phenotype)
Attempt to build a genome from a phenome. |
Genome |
GeneticCODEC.encode(MLMethod phenotype)
Attempt to build a genome from a phenome. |
Uses of MLMethod in org.encog.ml.ea.genome |
---|
Subinterfaces of MLMethod in org.encog.ml.ea.genome | |
---|---|
interface |
Genome
A genome is the basic blueprint for creating an phenome (organism) in Encog. |
Classes in org.encog.ml.ea.genome that implement MLMethod | |
---|---|
class |
BasicGenome
A basic abstract genome. |
Uses of MLMethod in org.encog.ml.ea.population |
---|
Subinterfaces of MLMethod in org.encog.ml.ea.population | |
---|---|
interface |
Population
Defines a population of genomes. |
Classes in org.encog.ml.ea.population that implement MLMethod | |
---|---|
class |
BasicPopulation
Defines the basic functionality for a population of genomes. |
Uses of MLMethod in org.encog.ml.ea.score |
---|
Methods in org.encog.ml.ea.score with parameters of type MLMethod | |
---|---|
double |
EmptyScoreFunction.calculateScore(MLMethod phenotype)
Calculate this network's score. |
Uses of MLMethod in org.encog.ml.ea.train.basic |
---|
Methods in org.encog.ml.ea.train.basic that return MLMethod | |
---|---|
MLMethod |
TrainEA.getMethod()
|
Uses of MLMethod in org.encog.ml.factory |
---|
Methods in org.encog.ml.factory that return MLMethod | |
---|---|
MLMethod |
MLMethodFactory.create(String methodType,
String architecture,
int input,
int output)
Create a new machine learning method. |
Methods in org.encog.ml.factory with parameters of type MLMethod | |
---|---|
MLTrain |
MLTrainFactory.create(MLMethod method,
MLDataSet training,
String type,
String args)
Create a trainer. |
Uses of MLMethod in org.encog.ml.factory.method |
---|
Methods in org.encog.ml.factory.method that return MLMethod | |
---|---|
MLMethod |
FeedforwardFactory.create(String architecture,
int input,
int output)
Create a feed forward network. |
MLMethod |
PNNFactory.create(String architecture,
int input,
int output)
Create a PNN network. |
MLMethod |
SVMFactory.create(String architecture,
int input,
int output)
Create the SVM. |
MLMethod |
RBFNetworkFactory.create(String architecture,
int input,
int output)
Create a RBF network. |
MLMethod |
SRNFactory.create(String architecture,
int input,
int output)
Create the SRN. |
MLMethod |
EPLFactory.create(String architecture,
int input,
int output)
Create a feed forward network. |
MLMethod |
NEATFactory.create(String architecture,
int input,
int output)
Create a NEAT population. |
MLMethod |
BayesianFactory.create(String architecture,
int input,
int output)
Create a bayesian network. |
MLMethod |
SOMFactory.create(String architecture,
int input,
int output)
Create a SOM. |
Uses of MLMethod in org.encog.ml.factory.train |
---|
Methods in org.encog.ml.factory.train with parameters of type MLMethod | |
---|---|
MLTrain |
GeneticFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create an annealing trainer. |
MLTrain |
SVMFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create a SVM trainer. |
MLTrain |
ClusterSOMFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create a cluster SOM trainer. |
MLTrain |
LMAFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create a LMA trainer. |
MLTrain |
NEATGAFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create an NEAT GA trainer. |
MLTrain |
PSOFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create a PSO trainer. |
MLTrain |
QuickPropFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create a quick propagation trainer. |
MLTrain |
TrainBayesianFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create a K2 trainer. |
MLTrain |
RBFSVDFactory.create(MLMethod method,
MLDataSet training,
String args)
Create a RBF-SVD trainer. |
MLTrain |
AnnealFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create an annealing trainer. |
MLTrain |
SCGFactory.create(MLMethod method,
MLDataSet training,
String args)
Create a SCG trainer. |
MLTrain |
NeighborhoodSOMFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create a LMA trainer. |
MLTrain |
BackPropFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create a backpropagation trainer. |
MLTrain |
PNNTrainFactory.create(MLMethod method,
MLDataSet training,
String args)
Create a PNN trainer. |
MLTrain |
NelderMeadFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create a Nelder Mead trainer. |
MLTrain |
ManhattanFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create a Manhattan trainer. |
MLTrain |
SVMSearchFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create a SVM trainer. |
MLTrain |
EPLGAFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create an EPL GA trainer. |
MLTrain |
RPROPFactory.create(MLMethod method,
MLDataSet training,
String argsStr)
Create a RPROP trainer. |
Uses of MLMethod in org.encog.ml.fitness |
---|
Methods in org.encog.ml.fitness with parameters of type MLMethod | |
---|---|
double |
MultiObjectiveFitness.calculateScore(MLMethod method)
Calculate this network's score. |
Uses of MLMethod in org.encog.ml.fitting.gaussian |
---|
Classes in org.encog.ml.fitting.gaussian that implement MLMethod | |
---|---|
class |
GaussianFitting
|
Methods in org.encog.ml.fitting.gaussian that return MLMethod | |
---|---|
MLMethod |
TrainGaussian.getMethod()
|
Uses of MLMethod in org.encog.ml.fitting.linear |
---|
Classes in org.encog.ml.fitting.linear that implement MLMethod | |
---|---|
class |
LinearRegression
|
Methods in org.encog.ml.fitting.linear that return MLMethod | |
---|---|
MLMethod |
TrainLinearRegression.getMethod()
|
Uses of MLMethod in org.encog.ml.genetic |
---|
Classes in org.encog.ml.genetic that implement MLMethod | |
---|---|
class |
MLMethodGenome
Implements a genome that allows a feedforward neural network to be trained using a genetic algorithm. |
Methods in org.encog.ml.genetic that return MLMethod | |
---|---|
MLMethod |
MLEncodableCODEC.decode(Genome genome)
Decode the specified genome into a phenome. |
MLMethod |
MLMethodGeneticAlgorithm.getMethod()
Get the current best machine learning method from the training. |
Methods in org.encog.ml.genetic with parameters of type MLMethod | |
---|---|
Genome |
MLEncodableCODEC.encode(MLMethod phenotype)
Attempt to build a genome from a phenome. |
Uses of MLMethod in org.encog.ml.genetic.genome |
---|
Subinterfaces of MLMethod in org.encog.ml.genetic.genome | |
---|---|
interface |
ArrayGenome
An array genome represents an array of "something", this allows array operators such as crossover and mutate to work on the genome. |
Classes in org.encog.ml.genetic.genome that implement MLMethod | |
---|---|
class |
DoubleArrayGenome
A genome made up of continuous doubles. |
class |
IntegerArrayGenome
A genome that is an array of discrete integer values. |
Uses of MLMethod in org.encog.ml.hmm |
---|
Classes in org.encog.ml.hmm that implement MLMethod | |
---|---|
class |
HiddenMarkovModel
A Hidden Markov Model (HMM) is a Machine Learning Method that allows for predictions to be made about the hidden states and observations of a given system over time. |
Uses of MLMethod in org.encog.ml.hmm.train.bw |
---|
Methods in org.encog.ml.hmm.train.bw that return MLMethod | |
---|---|
MLMethod |
BaseBaumWelch.getMethod()
|
Uses of MLMethod in org.encog.ml.hmm.train.kmeans |
---|
Methods in org.encog.ml.hmm.train.kmeans that return MLMethod | |
---|---|
MLMethod |
TrainKMeans.getMethod()
|
Uses of MLMethod in org.encog.ml.kmeans |
---|
Classes in org.encog.ml.kmeans that implement MLMethod | |
---|---|
class |
KMeansClustering
This class performs a basic K-Means clustering. |
Uses of MLMethod in org.encog.ml.prg |
---|
Classes in org.encog.ml.prg that implement MLMethod | |
---|---|
class |
EncogProgram
Holds an Encog Programming Language (EPL) program. |
Methods in org.encog.ml.prg that return MLMethod | |
---|---|
MLMethod |
PrgCODEC.decode(Genome genome)
Decode the specified genome into a phenome. |
Methods in org.encog.ml.prg with parameters of type MLMethod | |
---|---|
Genome |
PrgCODEC.encode(MLMethod phenotype)
Attempt to build a genome from a phenome. |
Uses of MLMethod in org.encog.ml.prg.train |
---|
Classes in org.encog.ml.prg.train that implement MLMethod | |
---|---|
class |
PrgPopulation
A population that contains EncogProgram's. |
Methods in org.encog.ml.prg.train with parameters of type MLMethod | |
---|---|
double |
ZeroEvalScoreFunction.calculateScore(MLMethod genome)
Calculate this network's score. |
Uses of MLMethod in org.encog.ml.svm |
---|
Classes in org.encog.ml.svm that implement MLMethod | |
---|---|
class |
SVM
This is a network that is backed by one or more Support Vector Machines (SVM). |
Uses of MLMethod in org.encog.ml.svm.training |
---|
Methods in org.encog.ml.svm.training that return MLMethod | |
---|---|
MLMethod |
SVMTrain.getMethod()
Get the current best machine learning method from the training. |
MLMethod |
SVMSearchTrain.getMethod()
Get the current best machine learning method from the training. |
Uses of MLMethod in org.encog.ml.train |
---|
Methods in org.encog.ml.train that return MLMethod | |
---|---|
MLMethod |
MLTrain.getMethod()
Get the current best machine learning method from the training. |
Uses of MLMethod in org.encog.neural.art |
---|
Classes in org.encog.neural.art that implement MLMethod | |
---|---|
class |
ART
Adaptive Resonance Theory (ART) is a form of neural network developed by Stephen Grossberg and Gail Carpenter. |
class |
ART1
Implements an ART1 neural network. |
Uses of MLMethod in org.encog.neural.bam |
---|
Classes in org.encog.neural.bam that implement MLMethod | |
---|---|
class |
BAM
Bidirectional associative memory (BAM) is a type of neural network developed by Bart Kosko in 1988. |
Uses of MLMethod in org.encog.neural.cpn |
---|
Classes in org.encog.neural.cpn that implement MLMethod | |
---|---|
class |
CPN
Counterpropagation Neural Networks (CPN) were developed by Professor Robert Hecht-Nielsen in 1987. |
Uses of MLMethod in org.encog.neural.cpn.training |
---|
Methods in org.encog.neural.cpn.training that return MLMethod | |
---|---|
MLMethod |
TrainOutstar.getMethod()
Get the current best machine learning method from the training. |
Uses of MLMethod in org.encog.neural.freeform |
---|
Classes in org.encog.neural.freeform that implement MLMethod | |
---|---|
class |
FreeformNetwork
Implements a freefrom neural network. |
Uses of MLMethod in org.encog.neural.freeform.training |
---|
Methods in org.encog.neural.freeform.training that return MLMethod | |
---|---|
MLMethod |
FreeformPropagationTraining.getMethod()
|
Uses of MLMethod in org.encog.neural.hyperneat |
---|
Classes in org.encog.neural.hyperneat that implement MLMethod | |
---|---|
class |
HyperNEATGenome
A HyperNEAT genome. |
Methods in org.encog.neural.hyperneat that return MLMethod | |
---|---|
MLMethod |
HyperNEATCODEC.decode(Genome genome)
Decode the specified genome into a phenome. |
MLMethod |
HyperNEATCODEC.decode(NEATPopulation pop,
Substrate substrate,
Genome genome)
|
Methods in org.encog.neural.hyperneat with parameters of type MLMethod | |
---|---|
Genome |
HyperNEATCODEC.encode(MLMethod phenotype)
|
Uses of MLMethod in org.encog.neural.neat |
---|
Classes in org.encog.neural.neat that implement MLMethod | |
---|---|
class |
NEATNetwork
NEAT networks relieve the programmer of the need to define the hidden layer structure of the neural network. |
class |
NEATPopulation
A population for a NEAT or HyperNEAT system. |
Methods in org.encog.neural.neat that return MLMethod | |
---|---|
MLMethod |
NEATCODEC.decode(Genome genome)
Decode the specified genome into a phenome. |
Methods in org.encog.neural.neat with parameters of type MLMethod | |
---|---|
Genome |
NEATCODEC.encode(MLMethod phenotype)
This method is not currently implemented. |
Uses of MLMethod in org.encog.neural.neat.training |
---|
Classes in org.encog.neural.neat.training that implement MLMethod | |
---|---|
class |
NEATGenome
Implements a NEAT genome. |
Uses of MLMethod in org.encog.neural.networks |
---|
Subinterfaces of MLMethod in org.encog.neural.networks | |
---|---|
interface |
ContainsFlat
Interface that specifies that a machine learning method contains a flat network. |
Classes in org.encog.neural.networks that implement MLMethod | |
---|---|
class |
BasicNetwork
This class implements a neural network. |
Uses of MLMethod in org.encog.neural.networks.structure |
---|
Methods in org.encog.neural.networks.structure with parameters of type MLMethod | |
---|---|
static void |
NetworkCODEC.arrayToNetwork(double[] array,
MLMethod network)
Use an array to populate the memory of the neural network. |
static int |
NetworkCODEC.networkSize(MLMethod network)
Determine the network size. |
static double[] |
NetworkCODEC.networkToArray(MLMethod network)
Convert to an array. |
Uses of MLMethod in org.encog.neural.networks.training |
---|
Methods in org.encog.neural.networks.training with parameters of type MLMethod | |
---|---|
double |
TrainingSetScore.calculateScore(MLMethod method)
Calculate the score for the network. |
Uses of MLMethod in org.encog.neural.networks.training.cross |
---|
Methods in org.encog.neural.networks.training.cross that return MLMethod | |
---|---|
MLMethod |
CrossTraining.getMethod()
Get the current best machine learning method from the training. |
Constructors in org.encog.neural.networks.training.cross with parameters of type MLMethod | |
---|---|
CrossTraining(MLMethod network,
FoldedDataSet training)
Construct a cross trainer. |
Uses of MLMethod in org.encog.neural.networks.training.lma |
---|
Methods in org.encog.neural.networks.training.lma that return MLMethod | |
---|---|
MLMethod |
LevenbergMarquardtTraining.getMethod()
|
Uses of MLMethod in org.encog.neural.networks.training.nm |
---|
Methods in org.encog.neural.networks.training.nm that return MLMethod | |
---|---|
MLMethod |
NelderMeadTraining.getMethod()
Get the current best machine learning method from the training. |
Uses of MLMethod in org.encog.neural.networks.training.pnn |
---|
Methods in org.encog.neural.networks.training.pnn that return MLMethod | |
---|---|
MLMethod |
TrainBasicPNN.getMethod()
Get the current best machine learning method from the training. |
Uses of MLMethod in org.encog.neural.networks.training.propagation |
---|
Methods in org.encog.neural.networks.training.propagation that return MLMethod | |
---|---|
MLMethod |
Propagation.getMethod()
Get the current best machine learning method from the training. |
Uses of MLMethod in org.encog.neural.networks.training.pso |
---|
Methods in org.encog.neural.networks.training.pso that return MLMethod | |
---|---|
MLMethod |
NeuralPSO.getMethod()
|
Uses of MLMethod in org.encog.neural.networks.training.simple |
---|
Methods in org.encog.neural.networks.training.simple that return MLMethod | |
---|---|
MLMethod |
TrainAdaline.getMethod()
Get the current best machine learning method from the training. |
Uses of MLMethod in org.encog.neural.pattern |
---|
Methods in org.encog.neural.pattern that return MLMethod | |
---|---|
MLMethod |
NeuralNetworkPattern.generate()
Generate the specified neural network. |
MLMethod |
ART1Pattern.generate()
Generate the neural network. |
MLMethod |
BAMPattern.generate()
|
MLMethod |
ElmanPattern.generate()
Generate the Elman neural network. |
MLMethod |
JordanPattern.generate()
Generate a Jordan neural network. |
MLMethod |
RadialBasisPattern.generate()
Generate the RBF network. |
MLMethod |
BoltzmannPattern.generate()
Generate the network. |
MLMethod |
ADALINEPattern.generate()
Generate the network. |
MLMethod |
FeedForwardPattern.generate()
Generate the feedforward neural network. |
MLMethod |
SVMPattern.generate()
|
MLMethod |
SOMPattern.generate()
Generate the RSOM network. |
MLMethod |
CPNPattern.generate()
Generate the network. |
MLMethod |
HopfieldPattern.generate()
Generate the Hopfield neural network. |
MLMethod |
PNNPattern.generate()
Generate the RSOM network. |
Uses of MLMethod in org.encog.neural.pnn |
---|
Classes in org.encog.neural.pnn that implement MLMethod | |
---|---|
class |
AbstractPNN
Abstract class to build PNN networks upon. |
class |
BasicPNN
This class implements either a: Probabilistic Neural Network (PNN) General Regression Neural Network (GRNN) To use a PNN specify an output mode of classification, to make use of a GRNN specify either an output mode of regression or un-supervised autoassociation. |
Uses of MLMethod in org.encog.neural.rbf |
---|
Classes in org.encog.neural.rbf that implement MLMethod | |
---|---|
class |
RBFNetwork
RBF neural network. |
Uses of MLMethod in org.encog.neural.som |
---|
Classes in org.encog.neural.som that implement MLMethod | |
---|---|
class |
SOM
A self organizing map neural network. |
Uses of MLMethod in org.encog.neural.som.training.basic |
---|
Methods in org.encog.neural.som.training.basic that return MLMethod | |
---|---|
MLMethod |
BasicTrainSOM.getMethod()
Get the current best machine learning method from the training. |
Uses of MLMethod in org.encog.neural.som.training.clustercopy |
---|
Methods in org.encog.neural.som.training.clustercopy that return MLMethod | |
---|---|
MLMethod |
SOMClusterCopyTraining.getMethod()
Get the current best machine learning method from the training. |
Uses of MLMethod in org.encog.neural.thermal |
---|
Classes in org.encog.neural.thermal that implement MLMethod | |
---|---|
class |
BoltzmannMachine
Implements a Boltzmann machine. |
class |
HopfieldNetwork
Implements a Hopfield network. |
class |
ThermalNetwork
The thermal network forms the base class for Hopfield and Boltzmann machines. |
Uses of MLMethod in org.encog.plugin |
---|
Methods in org.encog.plugin that return MLMethod | |
---|---|
MLMethod |
EncogPluginService1.createMethod(String methodType,
String architecture,
int input,
int output)
Create a new machine learning method. |
Methods in org.encog.plugin with parameters of type MLMethod | |
---|---|
MLTrain |
EncogPluginService1.createTraining(MLMethod method,
MLDataSet training,
String type,
String args)
Create a trainer. |
Uses of MLMethod in org.encog.plugin.system |
---|
Methods in org.encog.plugin.system that return MLMethod | |
---|---|
MLMethod |
SystemActivationPlugin.createMethod(String methodType,
String architecture,
int input,
int output)
Create a new machine learning method. |
MLMethod |
SystemTrainingPlugin.createMethod(String methodType,
String architecture,
int input,
int output)
|
MLMethod |
SystemMethodsPlugin.createMethod(String methodType,
String architecture,
int input,
int output)
Create a new machine learning method. |
Methods in org.encog.plugin.system with parameters of type MLMethod | |
---|---|
MLTrain |
SystemActivationPlugin.createTraining(MLMethod method,
MLDataSet training,
String type,
String args)
Create a trainer. |
MLTrain |
SystemTrainingPlugin.createTraining(MLMethod method,
MLDataSet training,
String type,
String args)
|
MLTrain |
SystemMethodsPlugin.createTraining(MLMethod method,
MLDataSet training,
String type,
String args)
Create a trainer. |
Uses of MLMethod in org.encog.util.simple |
---|
Methods in org.encog.util.simple with parameters of type MLMethod | |
---|---|
static void |
EncogUtility.trainToError(MLMethod method,
MLDataSet dataSet,
double error)
Train the method, to a specific error, send the output to the console. |
Uses of MLMethod in org.encog.util.validate |
---|
Methods in org.encog.util.validate with parameters of type MLMethod | |
---|---|
static void |
ValidateNetwork.validateMethodToData(MLMethod method,
MLDataSet training)
|
|
||||||||||
PREV NEXT | FRAMES NO FRAMES |