Uses of Interface
org.encog.ml.train.MLTrain

Packages that use MLTrain
org.encog.app.analyst   
org.encog.ensemble   
org.encog.ensemble.training   
org.encog.ml.bayesian.training   
org.encog.ml.ea.train.basic   
org.encog.ml.factory   
org.encog.ml.factory.train   
org.encog.ml.fitting.gaussian   
org.encog.ml.fitting.linear   
org.encog.ml.genetic   
org.encog.ml.hmm.train.bw   
org.encog.ml.hmm.train.kmeans   
org.encog.ml.svm.training   
org.encog.ml.train   
org.encog.ml.train.strategy   
org.encog.ml.train.strategy.end   
org.encog.neural.cpn.training   
org.encog.neural.freeform.training   
org.encog.neural.networks.training   
org.encog.neural.networks.training.anneal   
org.encog.neural.networks.training.concurrent.jobs   
org.encog.neural.networks.training.cross   
org.encog.neural.networks.training.lma   
org.encog.neural.networks.training.nm   
org.encog.neural.networks.training.pnn   
org.encog.neural.networks.training.propagation   
org.encog.neural.networks.training.propagation.back   
org.encog.neural.networks.training.propagation.manhattan   
org.encog.neural.networks.training.propagation.quick   
org.encog.neural.networks.training.propagation.resilient   
org.encog.neural.networks.training.propagation.scg   
org.encog.neural.networks.training.pso   
org.encog.neural.networks.training.simple   
org.encog.neural.networks.training.strategy   
org.encog.neural.rbf.training   
org.encog.neural.som.training.basic   
org.encog.neural.som.training.clustercopy   
org.encog.platformspecific.j2se   
org.encog.plugin   
org.encog.plugin.system   
org.encog.util.simple   
 

Uses of MLTrain in org.encog.app.analyst
 

Methods in org.encog.app.analyst with parameters of type MLTrain
 void EncogAnalyst.reportTraining(MLTrain train)
          Report training.
 void ConsoleAnalystListener.reportTraining(MLTrain train)
          Report progress on training.
 void AnalystListener.reportTraining(MLTrain train)
          Report progress on training.
 

Uses of MLTrain in org.encog.ensemble
 

Methods in org.encog.ensemble that return MLTrain
 MLTrain EnsembleML.getTraining()
           
 MLTrain GenericEnsembleML.getTraining()
           
 MLTrain EnsembleTrainFactory.getTraining(MLMethod method, MLDataSet trainingData)
           
 

Methods in org.encog.ensemble with parameters of type MLTrain
 void EnsembleML.setTraining(MLTrain train)
          Set the training for this member
 void GenericEnsembleML.setTraining(MLTrain train)
           
 

Uses of MLTrain in org.encog.ensemble.training
 

Methods in org.encog.ensemble.training that return MLTrain
 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 MLTrain in org.encog.ml.bayesian.training
 

Classes in org.encog.ml.bayesian.training that implement MLTrain
 class TrainBayesian
          Train a Bayesian network.
 

Uses of MLTrain in org.encog.ml.ea.train.basic
 

Classes in org.encog.ml.ea.train.basic that implement MLTrain
 class TrainEA
          Provides a MLTrain compatible class that can be used to train genomes.
 

Uses of MLTrain in org.encog.ml.factory
 

Methods in org.encog.ml.factory that return MLTrain
 MLTrain MLTrainFactory.create(MLMethod method, MLDataSet training, String type, String args)
          Create a trainer.
 

Uses of MLTrain in org.encog.ml.factory.train
 

Methods in org.encog.ml.factory.train that return MLTrain
 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 MLTrain in org.encog.ml.fitting.gaussian
 

Classes in org.encog.ml.fitting.gaussian that implement MLTrain
 class TrainGaussian
           
 

Uses of MLTrain in org.encog.ml.fitting.linear
 

Classes in org.encog.ml.fitting.linear that implement MLTrain
 class TrainLinearRegression
           
 

Uses of MLTrain in org.encog.ml.genetic
 

Classes in org.encog.ml.genetic that implement MLTrain
 class MLMethodGeneticAlgorithm
          Implements a genetic algorithm that allows an MLMethod that is encodable (MLEncodable) to be trained.
 class MLMethodGeneticAlgorithm.MLMethodGeneticAlgorithmHelper
          Very simple class that implements a genetic algorithm.
 

Uses of MLTrain in org.encog.ml.hmm.train.bw
 

Classes in org.encog.ml.hmm.train.bw that implement MLTrain
 class BaseBaumWelch
          This class provides the base implementation for Baum-Welch learning for HMM's.
 class TrainBaumWelch
          Baum Welch Learning allows a HMM to be constructed from a series of sequence observations.
 class TrainBaumWelchScaled
          Baum Welch Learning allows a HMM to be constructed from a series of sequence observations.
 

Uses of MLTrain in org.encog.ml.hmm.train.kmeans
 

Classes in org.encog.ml.hmm.train.kmeans that implement MLTrain
 class TrainKMeans
          Train a Hidden Markov Model (HMM) with the KMeans algorithm.
 

Uses of MLTrain in org.encog.ml.svm.training
 

Classes in org.encog.ml.svm.training that implement MLTrain
 class SVMSearchTrain
          Provides training for Support Vector Machine networks.
 class SVMTrain
          Provides training for Support Vector Machine networks.
 

Uses of MLTrain in org.encog.ml.train
 

Classes in org.encog.ml.train that implement MLTrain
 class BasicTraining
          An abstract class that implements basic training for most training algorithms.
 

Uses of MLTrain in org.encog.ml.train.strategy
 

Methods in org.encog.ml.train.strategy with parameters of type MLTrain
 void HybridStrategy.init(MLTrain train)
          Initialize this strategy.
 void RequiredImprovementStrategy.init(MLTrain train)
          Initialize this strategy.
 void Greedy.init(MLTrain train)
          Initialize this strategy.
 void Strategy.init(MLTrain train)
          Initialize this strategy.
 void StopTrainingStrategy.init(MLTrain train)
          Initialize this strategy.
 void ResetStrategy.init(MLTrain train)
          Initialize this strategy.
 

Constructors in org.encog.ml.train.strategy with parameters of type MLTrain
HybridStrategy(MLTrain altTrain)
          Construct a hybrid strategy with the default minimum improvement and toleration cycles.
HybridStrategy(MLTrain altTrain, double minImprovement, int tolerateMinImprovement, int alternateCycles)
          Create a hybrid strategy.
 

Uses of MLTrain in org.encog.ml.train.strategy.end
 

Methods in org.encog.ml.train.strategy.end with parameters of type MLTrain
 void EarlyStoppingStrategy.init(MLTrain theTrain)
          Initialize this strategy.
 void EndIterationsStrategy.init(MLTrain train)
          Initialize this strategy.
 void EndMinutesStrategy.init(MLTrain train)
          Initialize this strategy.
 void EndMaxErrorStrategy.init(MLTrain train)
          Initialize this strategy.
 

Uses of MLTrain in org.encog.neural.cpn.training
 

Classes in org.encog.neural.cpn.training that implement MLTrain
 class TrainInstar
          Used for Instar training of a CPN neural network.
 class TrainOutstar
          Used for Instar training of a CPN neural network.
 

Uses of MLTrain in org.encog.neural.freeform.training
 

Classes in org.encog.neural.freeform.training that implement MLTrain
 class FreeformBackPropagation
           
 class FreeformPropagationTraining
          Provides basic propagation functions to other trainers.
 class FreeformResilientPropagation
           
 

Uses of MLTrain in org.encog.neural.networks.training
 

Subinterfaces of MLTrain in org.encog.neural.networks.training
 interface Train
          This is an alias class for Encog 2.5 compatibility.
 

Uses of MLTrain in org.encog.neural.networks.training.anneal
 

Classes in org.encog.neural.networks.training.anneal that implement MLTrain
 class NeuralSimulatedAnnealing
          This class implements a simulated annealing training algorithm for neural networks.
 

Uses of MLTrain in org.encog.neural.networks.training.concurrent.jobs
 

Methods in org.encog.neural.networks.training.concurrent.jobs that return MLTrain
 MLTrain TrainingJob.getTrain()
           
 

Methods in org.encog.neural.networks.training.concurrent.jobs with parameters of type MLTrain
 void TrainingJob.setTrain(MLTrain train)
           
 

Uses of MLTrain in org.encog.neural.networks.training.cross
 

Classes in org.encog.neural.networks.training.cross that implement MLTrain
 class CrossTraining
          Base class for cross training trainers.
 class CrossValidationKFold
          Train using K-Fold cross validation.
 

Constructors in org.encog.neural.networks.training.cross with parameters of type MLTrain
CrossValidationKFold(MLTrain train, int k)
          Construct a cross validation trainer.
 

Uses of MLTrain in org.encog.neural.networks.training.lma
 

Classes in org.encog.neural.networks.training.lma that implement MLTrain
 class LevenbergMarquardtTraining
          Trains a neural network using a Levenberg Marquardt algorithm (LMA).
 

Uses of MLTrain in org.encog.neural.networks.training.nm
 

Classes in org.encog.neural.networks.training.nm that implement MLTrain
 class NelderMeadTraining
          The Nelder-Mead method is a commonly used parameter optimization method that can be used for neural network training.
 

Uses of MLTrain in org.encog.neural.networks.training.pnn
 

Classes in org.encog.neural.networks.training.pnn that implement MLTrain
 class TrainBasicPNN
          Train a PNN.
 

Uses of MLTrain in org.encog.neural.networks.training.propagation
 

Classes in org.encog.neural.networks.training.propagation that implement MLTrain
 class Propagation
          Implements basic functionality that is needed by each of the propagation methods.
 

Uses of MLTrain in org.encog.neural.networks.training.propagation.back
 

Classes in org.encog.neural.networks.training.propagation.back that implement MLTrain
 class Backpropagation
          This class implements a backpropagation training algorithm for feed forward neural networks.
 

Uses of MLTrain in org.encog.neural.networks.training.propagation.manhattan
 

Classes in org.encog.neural.networks.training.propagation.manhattan that implement MLTrain
 class ManhattanPropagation
          One problem that the backpropagation technique has is that the magnitude of the partial derivative may be calculated too large or too small.
 

Uses of MLTrain in org.encog.neural.networks.training.propagation.quick
 

Classes in org.encog.neural.networks.training.propagation.quick that implement MLTrain
 class QuickPropagation
          QPROP is an efficient training method that is based on Newton's Method.
 

Uses of MLTrain in org.encog.neural.networks.training.propagation.resilient
 

Classes in org.encog.neural.networks.training.propagation.resilient that implement MLTrain
 class ResilientPropagation
          One problem with the backpropagation algorithm is that the magnitude of the partial derivative is usually too large or too small.
 

Uses of MLTrain in org.encog.neural.networks.training.propagation.scg
 

Classes in org.encog.neural.networks.training.propagation.scg that implement MLTrain
 class ScaledConjugateGradient
          This is a training class that makes use of scaled conjugate gradient methods.
 

Uses of MLTrain in org.encog.neural.networks.training.pso
 

Classes in org.encog.neural.networks.training.pso that implement MLTrain
 class NeuralPSO
          Iteratively trains a population of neural networks by applying particle swarm optimisation (PSO).
 

Uses of MLTrain in org.encog.neural.networks.training.simple
 

Classes in org.encog.neural.networks.training.simple that implement MLTrain
 class TrainAdaline
          Train an ADALINE neural network.
 

Uses of MLTrain in org.encog.neural.networks.training.strategy
 

Methods in org.encog.neural.networks.training.strategy with parameters of type MLTrain
 void RegularizationStrategy.init(MLTrain train)
           
 void SmartLearningRate.init(MLTrain train)
          Initialize this strategy.
 void SmartMomentum.init(MLTrain train)
          Initialize this strategy.
 

Uses of MLTrain in org.encog.neural.rbf.training
 

Classes in org.encog.neural.rbf.training that implement MLTrain
 class SVDTraining
          Train a RBF neural network using a SVD.
 

Uses of MLTrain in org.encog.neural.som.training.basic
 

Classes in org.encog.neural.som.training.basic that implement MLTrain
 class BasicTrainSOM
          This class implements competitive training, which would be used in a winner-take-all neural network, such as the self organizing map (SOM).
 

Uses of MLTrain in org.encog.neural.som.training.clustercopy
 

Classes in org.encog.neural.som.training.clustercopy that implement MLTrain
 class SOMClusterCopyTraining
          SOM cluster copy is a very simple trainer for SOM's.
 

Uses of MLTrain in org.encog.platformspecific.j2se
 

Methods in org.encog.platformspecific.j2se with parameters of type MLTrain
static void TrainingDialog.trainDialog(MLTrain train, BasicNetwork network, MLDataSet trainingSet)
          Train, using the specified training method, display progress to a dialog box.
 

Uses of MLTrain in org.encog.plugin
 

Methods in org.encog.plugin that return MLTrain
 MLTrain EncogPluginService1.createTraining(MLMethod method, MLDataSet training, String type, String args)
          Create a trainer.
 

Uses of MLTrain in org.encog.plugin.system
 

Methods in org.encog.plugin.system that return MLTrain
 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 MLTrain in org.encog.util.simple
 

Methods in org.encog.util.simple with parameters of type MLTrain
static void EncogUtility.trainConsole(MLTrain train, BasicNetwork network, MLDataSet trainingSet, int minutes)
          Train the network, using the specified training algorithm, and send the output to the console.
static void EncogUtility.trainToError(MLTrain train, double error)
          Train to a specific error, using the specified training method, send the output to the console.
 



Copyright © 2014. All Rights Reserved.