Search Java Classes and Packages

Search Java Frameworks and Libraries

255581 classes and counting ...
Search Tips Index Status



# Classes and Interfaces in #HeatonReasearch - 952 results found.
NameDescriptionTypePackageFramework
AbstractBoxMullerProvides the ability for subclasses to generate normally distributed random numbers.Classorg.encog.mathutil.randomize.generateHeatonReasearch
AbstractGenerateRandomProvides a foundation for most random number generation.Classorg.encog.mathutil.randomize.generateHeatonReasearch
AbstractGeneratorAbstract class that forms the foundation of most code generators.Classorg.encog.app.generate.generatorsHeatonReasearch
AbstractGenomeComparatorProvides base functionality for comparing genomes.Classorg.encog.ml.ea.sortHeatonReasearch
AbstractGraphSearchClassorg.encog.ml.graph.searchHeatonReasearch
AbstractPNNAbstract class to build PNN networks upon.Classorg.encog.neural.pnnHeatonReasearch
AbstractPrgGeneratorThe abstract base for Full and Grow program generation.Classorg.encog.ml.prg.generatorHeatonReasearch
AbstractTemplateGeneratorProvides a basic implementation of a template generator.Classorg.encog.app.generate.generatorsHeatonReasearch
ActionInterfaceorg.encog.ml.worldHeatonReasearch
ActionNodeClassorg.encog.ml.scheduleHeatonReasearch
ActionProbabilityInterfaceorg.encog.ml.worldHeatonReasearch
ActivationBiPolarBiPolar activation function.Classorg.encog.engine.network.activationHeatonReasearch
ActivationBipolarSteepenedSigmoidThe bipolar sigmoid activation function is like the regular sigmoid activation function, except Bipolar sigmoid activation function.Classorg.encog.engine.network.activationHeatonReasearch
ActivationClippedLinearLinear activation function that bounds the output to [-1,+1].Classorg.encog.engine.network.activationHeatonReasearch
ActivationCompetitiveAn activation function that only allows a specified number, usually one, of the out-bound connection to win.Classorg.encog.engine.network.activationHeatonReasearch
ActivationElliottComputationally efficient alternative to ActivationSigmoid.Classorg.encog.engine.network.activationHeatonReasearch
ActivationElliottSymmetricComputationally efficient alternative to ActivationTANH.Classorg.encog.engine.network.activationHeatonReasearch
ActivationFunctionThis interface allows various activation functions to be used with the neural network.Interfaceorg.encog.engine.network.activationHeatonReasearch
ActivationGaussianAn activation function based on the Gaussian function.Classorg.encog.engine.network.activationHeatonReasearch
ActivationLinearThe Linear layer is really not an activation function at all.Classorg.encog.engine.network.activationHeatonReasearch
ActivationLOGAn activation function based on the logarithm function.Classorg.encog.engine.network.activationHeatonReasearch
ActivationRampA ramp activation function.Classorg.encog.engine.network.activationHeatonReasearch
ActivationSigmoidThe sigmoid activation function takes on a sigmoidal shape.Classorg.encog.engine.network.activationHeatonReasearch
ActivationSINAn activation function based on the sin function, with a double period.Classorg.encog.engine.network.activationHeatonReasearch
ActivationSoftMaxThe softmax activation function.Classorg.encog.engine.network.activationHeatonReasearch
ActivationSteepenedSigmoidThe Steepened Sigmoid is an activation function typically used with NEAT.Classorg.encog.engine.network.activationHeatonReasearch
ActivationStepThe step activation function is a very simple activation function.Classorg.encog.engine.network.activationHeatonReasearch
ActivationTANHThe hyperbolic tangent activation function takes the curved shape of the hyperbolic tangent.Classorg.encog.engine.network.activationHeatonReasearch
ActivationUtilClassorg.encog.util.objHeatonReasearch
AdaBoostClassorg.encog.ensemble.adaboostHeatonReasearch
ADALINEPatternConstruct an ADALINE neural network.Classorg.encog.neural.patternHeatonReasearch
AddressA URL address.Classorg.encog.bot.browseHeatonReasearch
AdjustScoreScore adjusters adjust the score according to some means.Interfaceorg.encog.ml.ea.scoreHeatonReasearch
AgentPolicyInterfaceorg.encog.ml.worldHeatonReasearch
AnalystClassItemHolds a class item for the script.Classorg.encog.app.analyst.scriptHeatonReasearch
AnalystClusterCSVUsed by the analyst to cluster a CSV file.Classorg.encog.app.analyst.csvHeatonReasearch
AnalystCodeGenerationErrorAnalyst code generation error.Classorg.encog.app.generateHeatonReasearch
AnalystErrorAn error has occured with the Encog Analyst.Classorg.encog.app.analystHeatonReasearch
AnalystEvaluateCSVUsed by the analyst to evaluate a CSV file.Classorg.encog.app.analyst.csvHeatonReasearch
AnalystEvaluateRawCSVUsed by the analyst to evaluate a CSV file.Classorg.encog.app.analyst.csvHeatonReasearch
AnalystFieldHolds a field to be analyzed.Classorg.encog.app.analyst.script.normalizeHeatonReasearch
AnalystFileFormatenum AnalystFileFormatCSV file formats used by the Encog Analyst.Classorg.encog.app.analystHeatonReasearch
AnalystGoalWhat is the goal of the Encog Analyst?Enum Constant SummaryClassorg.encog.app.analystHeatonReasearch
AnalystListenerReports the progress of the Encog Analyst.Interfaceorg.encog.app.analystHeatonReasearch
AnalystNormalizeClassorg.encog.app.analyst.script.normalizeHeatonReasearch
AnalystNormalizeCSVNormalize, or denormalize, a CSV file.Classorg.encog.app.analyst.csv.normalizeHeatonReasearch
AnalystNormalizeToEGBNormalize, or denormalize, a CSV file.Classorg.encog.app.analyst.csv.normalizeHeatonReasearch
AnalystPreprocessClassorg.encog.app.analyst.script.preprocessHeatonReasearch
AnalystProcessPerform many different types of transformations on a CSV.Classorg.encog.app.analyst.csv.processHeatonReasearch
AnalystProcessScript holder for Encog Analyst preprocessing.Classorg.encog.app.analyst.script.processHeatonReasearch
AnalystReportProduce a simple report on the makeup of the script and data to be analyued.Classorg.encog.app.analyst.reportHeatonReasearch
AnalystReportBridgeUsed to bridge the AnalystListerner to an StatusReportable object.Classorg.encog.app.analyst.utilHeatonReasearch
AnalystScriptHolds a script for the Encog Analyst.Classorg.encog.app.analyst.scriptHeatonReasearch
AnalystSegregateHolds all of the segregation targets for a script.Classorg.encog.app.analyst.script.segregateHeatonReasearch
AnalystSegregateTargetThis class specifies a target for the segregation process.Classorg.encog.app.analyst.script.segregateHeatonReasearch
AnalystTaskHolds a task in the script.Classorg.encog.app.analyst.script.taskHeatonReasearch
AnalystUtilityProvides an interface to the analyst usually used by other programs.Classorg.encog.app.analyst.utilHeatonReasearch
AnalystWizardThe Encog Analyst Wizard can be used to create Encog Analyst script files from a CSV file.Classorg.encog.app.analyst.wizardHeatonReasearch
AnalyzedFieldThis class represents a field that the Encog Analyst is in the process of analyzing.Classorg.encog.app.analyst.analyzeHeatonReasearch
AnalyzeNetworkAllows the weights and bias values of the neural network to be analyzed.Classorg.encog.neural.networks.structureHeatonReasearch
AnnealFactoryA factory to create simulated annealing trainers.Classorg.encog.ml.factory.trainHeatonReasearch
ArchitectureLayerHolds the parse results for one layer.Classorg.encog.ml.factory.parseHeatonReasearch
ArchitectureParseThis class is used to parse a Encog architecture string.Classorg.encog.ml.factory.parseHeatonReasearch
ArrayDataCODECA CODEC used for arrays.Classorg.encog.ml.data.buffer.codecHeatonReasearch
ArrayGenomeAn array genome represents an array of "something", this allows array operators such as crossover and mutate to work on the genome.Interfaceorg.encog.ml.genetic.genomeHeatonReasearch
ARTAdaptive Resonance Theory (ART) is a form of neural network developed by Stephen Grossberg and Gail Carpenter.Classorg.encog.neural.artHeatonReasearch
ART1 recognize bipolar patterns as it is presented data.Classorg.encog.neural.artHeatonReasearch
ART1PatternPattern to create an ART-1 neural network.Classorg.encog.neural.patternHeatonReasearch
AStarSearchClassorg.encog.ml.graph.searchHeatonReasearch
ATanErrorFunctionAn ATan based error function.Classorg.encog.neural.errorHeatonReasearch
AutoFloatColumnClassorg.encog.ml.data.autoHeatonReasearch
AutoFloatDataSetClassorg.encog.ml.data.autoHeatonReasearch
AveragingClassorg.encog.ensemble.aggregatorHeatonReasearch
BackpropagationThis class implements a backpropagation training algorithm for feed forward neural networks.Classorg.encog.neural.networks.training.propagation.backHeatonReasearch
BackpropagationFactoryClassorg.encog.ensemble.trainingHeatonReasearch
BackPropFactoryA factory for backpropagation training.Classorg.encog.ml.factory.trainHeatonReasearch
BaggingClassorg.encog.ensemble.baggingHeatonReasearch
BagOfWordsClassorg.encog.util.textHeatonReasearch
BalanceCSVBalance a CSV file.Classorg.encog.app.analyst.csv.balanceHeatonReasearch
BAMBidirectional associative memory (BAM) is a type of neural network developed by Bart Kosko in 1988.Classorg.encog.neural.bamHeatonReasearch
BAMPatternConstruct a Bidirectional Access Memory (BAM) neural network.Classorg.encog.neural.patternHeatonReasearch
BarBufferA buffer of bar segments.Classorg.encog.app.quant.utilHeatonReasearch
Base64Encodes and decodes to and from Base64 notation.Classorg.encog.util.textHeatonReasearch
BaseBaumWelchThis class provides the base implementation for Baum-Welch learning for HMM's.Classorg.encog.ml.hmm.train.bwHeatonReasearch
BaseCachedColumnA basic cached column.Classorg.encog.app.analyst.csv.basicHeatonReasearch
BasicActionClassorg.encog.ml.world.basicHeatonReasearch
BasicActivationSummationProvides a basic implementation of an input summation.Classorg.encog.neural.freeform.basicHeatonReasearch
BasicActivationSummationFactoryA factory to create BasicFactivationSUmmation objects.Classorg.encog.neural.freeform.basicHeatonReasearch
BasicAgentClassorg.encog.ml.world.basicHeatonReasearch
BasicCachedFileForms the foundation of all of the cached files in Encog Quant.Classorg.encog.app.analyst.csv.basicHeatonReasearch
BasicCARunnerClassorg.encog.ca.runnerHeatonReasearch
BasicCAVisualizerClassorg.encog.ca.visualize.basicHeatonReasearch
BasicCellFactoryClassorg.encog.ca.universe.basicHeatonReasearch
BasicClusterHolds a cluster of MLData items that have been clustered by the KMeansClustering class.Classorg.encog.ml.kmeansHeatonReasearch
BasicContinuousCellClassorg.encog.ca.universe.basicHeatonReasearch
BasicDiscreteCellClassorg.encog.ca.universe.basicHeatonReasearch
BasicEAProvides a basic implementation of a multi-threaded Evolutionary Algorithm.Classorg.encog.ml.ea.train.basicHeatonReasearch
BasicEdgeClassorg.encog.ml.graphHeatonReasearch
BasicFileMany of the Encog quant CSV processors are based upon this class.Classorg.encog.app.analyst.csv.basicHeatonReasearch
BasicFreeformConnectionA basic freeform connection.Classorg.encog.neural.freeform.basicHeatonReasearch
BasicFreeformConnectionFactoryClassorg.encog.neural.freeform.basicHeatonReasearch
BasicFreeformLayerClassorg.encog.neural.freeform.basicHeatonReasearch
BasicFreeformLayerFactoryA factory that creates BasicFreeformLayer objects.Classorg.encog.neural.freeform.basicHeatonReasearch
BasicFreeformNeuronThis class provides a basic implementation of a freeform neuron.Classorg.encog.neural.freeform.basicHeatonReasearch
BasicFreeformNeuronFactoryA factory to create BasicFreeformNeuron objects.Classorg.encog.neural.freeform.basicHeatonReasearch
BasicGenerateIDUsed to generate a unique id.Classorg.encog.util.identityHeatonReasearch
BasicGenerateRandomA wrapper over Java's built in random number generator.Classorg.encog.mathutil.randomize.generateHeatonReasearch
BasicGenomeA basic abstract genome.Classorg.encog.ml.ea.genomeHeatonReasearch
BasicGraphClassorg.encog.ml.graphHeatonReasearch
BasicHessianSome basic code used to calculate Hessian matrixes.Classorg.encog.mathutil.matrices.hessianHeatonReasearch
BasicInputFieldProvides basic functionality, such as min/max and current value for other input fields.Classorg.encog.util.normalize.inputHeatonReasearch
BasicLayerBasic functionality that most of the neural layers require.Classorg.encog.neural.networks.layersHeatonReasearch
BasicMLA class that provides basic property functionality for the MLPropertiesSee Also:Serialized FormClassorg.encog.mlHeatonReasearch
BasicMLComplexDataThis class implements a data object that can hold complex numbers.Classorg.encog.ml.data.basicHeatonReasearch
BasicMLDataBasic implementation of the MLData interface that stores the data in anAuthor:jheatonSee Also:Serialized FormClassorg.encog.ml.data.basicHeatonReasearch
BasicMLDataCentroidA basic implementation of a centroid.Classorg.encog.ml.data.basicHeatonReasearch
BasicMLDataPairA basic implementation of the MLDataPair interface.Classorg.encog.ml.data.basicHeatonReasearch
BasicMLDataPairCentroidA centroid for BasicMLDataPair.Classorg.encog.ml.data.basicHeatonReasearch
BasicMLDataSetStores data in an ArrayList.Classorg.encog.ml.data.basicHeatonReasearch
BasicMLSequenceSetA basic implementation of the MLSequenceSet.Classorg.encog.ml.data.basicHeatonReasearch
BasicNetworkThis class implements a neural network.Classorg.encog.neural.networksHeatonReasearch
BasicNeuralDataThis is an alias class for Encog 2.Classorg.encog.neural.data.basicHeatonReasearch
BasicNeuralDataPairThis is an alias class for Encog 2.Classorg.encog.neural.data.basicHeatonReasearch
BasicNeuralDataSetThis is an alias class for Encog 2.Classorg.encog.neural.data.basicHeatonReasearch
BasicNodeClassorg.encog.ml.graphHeatonReasearch
BasicNormalizationStrategyProvides a basic normalization strategy that will work with most models built into Encog.Classorg.encog.ml.data.versatile.normalizers.strategiesHeatonReasearch
BasicOutputFieldProvides very basic functionality for output fields.Classorg.encog.util.normalize.outputHeatonReasearch
BasicOutputFieldGroupProvides very basic functionality that other output field groups will use.Classorg.encog.util.normalize.outputHeatonReasearch
BasicPathClassorg.encog.ml.graphHeatonReasearch
BasicPNNThis class implements either a: Probabilistic Neural Network (PNN)Classorg.encog.neural.pnnHeatonReasearch
BasicPopulationDefines the basic functionality for a population of genomes.Classorg.encog.ml.ea.populationHeatonReasearch
BasicProgramClassorg.encog.ca.program.basicHeatonReasearch
BasicQueryProvides basic functionality for a Bayesian query.Classorg.encog.ml.bayesian.queryHeatonReasearch
BasicRandomFactoryBasic random number generator factory.Classorg.encog.mathutil.randomize.factoryHeatonReasearch
BasicRandomizerProvides basic functionality that most randomizers will need.Classorg.encog.mathutil.randomizeHeatonReasearch
BasicRBFBasic radial basis function.Classorg.encog.mathutil.rbfHeatonReasearch
BasicRuleHolderBasic implementation of a rule holder.Classorg.encog.ml.ea.rulesHeatonReasearch
BasicSpeciesProvides basic functionality for a species.Classorg.encog.ml.ea.speciesHeatonReasearch
BasicStateClassorg.encog.ml.world.basicHeatonReasearch
BasicTemplateClassorg.encog.ml.prg.extensionHeatonReasearch
BasicTrainingAn abstract class that implements basic training for most training algorithms.Classorg.encog.ml.trainHeatonReasearch
BasicTrainSOMThis class implements competitive training, which would be used in a winner-take-all neural network, such as the self organizing map (SOM).Classorg.encog.neural.som.training.basicHeatonReasearch
BasicTreeNodeClassorg.encog.ml.tree.basicHeatonReasearch
BasicUniverseClassorg.encog.ca.universe.basicHeatonReasearch
BasicWorldClassorg.encog.ml.world.basicHeatonReasearch
BatchSizeThe batch size.Interfaceorg.encog.neural.networks.trainingHeatonReasearch
BayesEstimatorAn estimator is used during Bayesian training to determine optimal probability values.Interfaceorg.encog.ml.bayesian.training.estimatorHeatonReasearch
BayesianChoiceA choice in a Bayesian network.Classorg.encog.ml.bayesianHeatonReasearch
BayesianErrorThrown when an error occurs working with Bayesian networks.Classorg.encog.ml.bayesianHeatonReasearch
BayesianEventEvents make up a Bayesian network.Classorg.encog.ml.bayesianHeatonReasearch
BayesianFactoryFactory to create bayesian networks.Classorg.encog.ml.factory.methodHeatonReasearch
BayesianInitThe method by which a Bayesian network should be initialized.Classorg.encog.ml.bayesian.trainingHeatonReasearch
BayesianQueryA Bayesian query.Interfaceorg.encog.ml.bayesian.queryHeatonReasearch
BayesianTableHolds a Bayesian truth table.Classorg.encog.ml.bayesian.tableHeatonReasearch
BayesSearchSearch for a good Bayes structure.Interfaceorg.encog.ml.bayesian.training.search.k2HeatonReasearch
BestCloseClassorg.encog.app.quant.indicators.predictiveHeatonReasearch
BestMatchingUnitThe "Best Matching Unit" or BMU is a very important concept in the training for a SOM.Classorg.encog.neural.som.training.basicHeatonReasearch
BestReturnGet the best return.Classorg.encog.app.quant.indicators.predictiveHeatonReasearch
BIFDefinitionHolds a BIF definition.Classorg.encog.ml.bayesian.bifHeatonReasearch
BIFHandlerHandler, used to parse the XML BIF files.Classorg.encog.ml.bayesian.bifHeatonReasearch
BIFUtilA utility class to read and write Bayesian networks in BIF format.Classorg.encog.ml.bayesian.bifHeatonReasearch
BIFVariableClassorg.encog.ml.bayesian.bifHeatonReasearch
BinaryDataLoaderThis class is used, together with a CODEC, to move data to/from the Encog binary training file format.Classorg.encog.ml.data.bufferHeatonReasearch
BiPolarNeuralDataA NeuralData implementation designed to work with bipolar data.Classorg.encog.ml.data.specificHeatonReasearch
BiPolarUtilThis class contains a number of utility methods used to work with bipolar numbers.Classorg.encog.mathutil.matricesHeatonReasearch
BoltzmannMachineClassorg.encog.neural.thermalHeatonReasearch
BoltzmannPatternPattern to create a Boltzmann machine.Classorg.encog.neural.patternHeatonReasearch
BotErrorUsed to represent any error that occurs in the bot part of Encog.Classorg.encog.botHeatonReasearch
BotUtilUtility class for bots.Classorg.encog.botHeatonReasearch
BoundMathJava will sometimes return Math.Classorg.encog.mathutilHeatonReasearch
BoundNumbersClassorg.encog.mathutilHeatonReasearch
BPROPJobA training definition for BPROP training.Classorg.encog.neural.networks.training.concurrent.jobsHeatonReasearch
BreadthFirstSearchClassorg.encog.ml.graph.searchHeatonReasearch
BrowseErrorThrown when any sort of error related to web browsing is encountered.Classorg.encog.bot.browseHeatonReasearch
BrowserThe main class for web browsing.Classorg.encog.bot.browseHeatonReasearch
BufferedDataErrorAn error occurs working with the Encog binary training format.Classorg.encog.ml.data.bufferHeatonReasearch
BufferedDataSetIteratorAn iterator for the BufferedNeuralDataSet.Classorg.encog.ml.data.bufferHeatonReasearch
BufferedMLDataSetThis class is not memory based, so very long files can be used, without running out of memory.Classorg.encog.ml.data.bufferHeatonReasearch
CalcProbabilityClassorg.encog.mathutil.probabilityHeatonReasearch
CalculateRegressionErrorClassorg.encog.util.errorHeatonReasearch
CalculateScheduleTimesClassorg.encog.ml.scheduleHeatonReasearch
CalculateScoreUsed by simulated annealing and genetic algorithms to calculate the score for a machine learning method.Interfaceorg.encog.mlHeatonReasearch
CalculationCriteriaInterfaceorg.encog.neural.networks.training.pnnHeatonReasearch
CAProgramInterfaceorg.encog.ca.programHeatonReasearch
CARunnerInterfaceorg.encog.ca.runnerHeatonReasearch
CAVisualizerInterfaceorg.encog.ca.visualizeHeatonReasearch
CellularAutomataErrorClassorg.encog.caHeatonReasearch
CentroidInterfaceorg.encog.util.kmeansHeatonReasearch
CentroidFactoryInterfaceorg.encog.util.kmeansHeatonReasearch
ChainRuleWorkerA threaded worker that is used to calculate the first derivatives of the output of the neural network.Classorg.encog.mathutil.matrices.hessianHeatonReasearch
CholeskyDecompositionCholesky Decomposition.Classorg.encog.mathutil.matrices.decompositionHeatonReasearch
ChooseObjectThis class is used to choose between several objects with a specified probability.Classorg.encog.util.objHeatonReasearch
ClassItemClassorg.encog.util.arrayutilHeatonReasearch
ClusterClassorg.encog.util.kmeansHeatonReasearch
ClustersClusters used for the KMeans HMM training algorithm.Classorg.encog.ml.hmm.train.kmeansHeatonReasearch
ClusterSOMFactoryCreate a trainer that uses the SOM cluster training method.Classorg.encog.ml.factory.trainHeatonReasearch
CmdBase class for Encog Analyst commands.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdBalancePerforms the balance command.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdClusterThis command is used to randomize the lines in a CSV file.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdCodeThis command is used to generate the binary EGB file from a CSV file.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdCreateThe Encog Analyst create command.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdEvaluateThis class is used to evaluate a machine learning method.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdEvaluateRawThis class is used to evaluate a machine learning method.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdGenerateThis command is used to generate the binary EGB file from a CSV file.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdNormalizeThe normalize command is used to normalize data.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdProcessThis command is used to preprocess a CSV file.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdRandomizeThis command is used to randomize the lines in a CSV file.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdResetAnalyst command that allows all properties to be reset to what they were originally loaded from the Encog EGA file.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdSegregateThis command is used to segregate one CSV file into several.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdSetThe set command allows a script to override a property value.Classorg.encog.app.analyst.commandsHeatonReasearch
CmdTrainClassorg.encog.app.analyst.commandsHeatonReasearch
CodeDataUnitA data unit that holds code.Classorg.encog.bot.dataunitHeatonReasearch
ColumnDefinitionDefines a column definition.Classorg.encog.ml.data.versatile.columnsHeatonReasearch
ColumnTypeThe type of column, defined using level of measurement.Classorg.encog.ml.data.versatile.columnsHeatonReasearch
CommonRenderCommon functions for some renders.Classorg.encog.parse.expressionHeatonReasearch
CompareEncogProgramCompare two Encog programs for speciation.Classorg.encog.ml.prg.speciesHeatonReasearch
ComplexityAdjustedScoreAdjust scores to penalize complexity.Classorg.encog.ml.ea.score.adjustHeatonReasearch
ComplexNumberA complex number class.Classorg.encog.mathutilHeatonReasearch
CompoundOperatorA compound operator randomly chooses sub-operators to perform the actual operation.Classorg.encog.ml.ea.oppHeatonReasearch
ComputeHessianCompute (estimate) the Hessian matrix.Interfaceorg.encog.mathutil.matrices.hessianHeatonReasearch
ConcurrentJobThis class forms the basis for a job that can be run concurrently.Classorg.encog.util.concurrency.jobHeatonReasearch
ConcurrentTrainingManagerConcurrent training manager.Classorg.encog.neural.networks.training.concurrentHeatonReasearch
ConcurrentTrainingPerformerPerformers actually perform the training.Interfaceorg.encog.neural.networks.training.concurrent.performersHeatonReasearch
ConcurrentTrainingPerformerCPUThis performer allows jobs to be performed by the CPU.Classorg.encog.neural.networks.training.concurrent.performersHeatonReasearch
ConnectionTaskInterfaceorg.encog.neural.freeform.taskHeatonReasearch
ConsistentRandomizerA randomizer that takes a seed and will always produce consistent results.Classorg.encog.mathutil.randomizeHeatonReasearch
ConsoleAnalystListenerA console implementation of the Encog Analyst listener.Classorg.encog.app.analystHeatonReasearch
ConsoleStatusReportableA simple status report that goes to the console.Classorg.encogHeatonReasearch
ConstMutationMutate the constant nodes of an Encog program.Classorg.encog.ml.prg.oppHeatonReasearch
ConstraintRuleDefines a constraint.Interfaceorg.encog.ml.ea.rulesHeatonReasearch
ConstRandomizerA randomizer that will create always set the random number to a const value, used mainly for testing.Classorg.encog.mathutil.randomizeHeatonReasearch
ContainsFlatInterfaceorg.encog.neural.networksHeatonReasearch
ContinousDistributionA continuous distribution represents an infinite range of choices between two real numbers.Classorg.encog.ml.hmm.distributionsHeatonReasearch
ContinuousCellInterfaceorg.encog.ca.universeHeatonReasearch
ConvertThis class is used to convert strings into numeric values.Classorg.encog.mathutilHeatonReasearch
ConvertStringConstConvert several Analyst String to the correct object.Classorg.encog.app.analyst.utilHeatonReasearch
ConwayProgramClassorg.encog.ca.program.conwayHeatonReasearch
CookieUtilityThis class allows URLConnection objects to process cookies.Classorg.encog.util.httpHeatonReasearch
CostEstimatorInterfaceorg.encog.ml.graph.searchHeatonReasearch
CPNCounterpropagation Neural Networks (CPN) were developed by Professor Robert Hecht-Nielsen in 1987.Classorg.encog.neural.cpnHeatonReasearch
CPNPatternPattern that creates a CPN neural network.Classorg.encog.neural.patternHeatonReasearch
CrossTrainingBase class for cross training trainers.Classorg.encog.neural.networks.training.crossHeatonReasearch
CrossValidationKFoldTrain using K-Fold cross validation.Classorg.encog.neural.networks.training.crossHeatonReasearch
CSVDataCODECA CODEC used to read/write data from/to a CSV data file.Classorg.encog.ml.data.buffer.codecHeatonReasearch
CSVDataSourceAllow a CSV file to serve as a source for the versatile data source.Classorg.encog.ml.data.versatile.sourcesHeatonReasearch
CSVErrorAn error has occured while working with CSV data.Classorg.encog.util.csvHeatonReasearch
CSVFormatSpecifies a CSV format.Classorg.encog.util.csvHeatonReasearch
CSVHeadersUtility class to help deal with CSV headers.Classorg.encog.app.analyst.utilHeatonReasearch
CSVNeuralDataSetAn implementation of the NeuralDataSet interface designed to provide a CSV file to the neural network.Classorg.encog.ml.data.specificHeatonReasearch
DataDivisionA division of data inside of a versatile data set.Classorg.encog.ml.data.versatile.divisionHeatonReasearch
DataFieldHolds stats on a data field for the Encog Analyst.Classorg.encog.app.analyst.scriptHeatonReasearch
DataFoldClassorg.encog.ml.data.crossHeatonReasearch
DataNormalizationThis class is used to normalize both input and ideal data for neural networks.Classorg.encog.util.normalizeHeatonReasearch
DataSetCODECA CODEC is used to encode and decode data.Interfaceorg.encog.ml.data.buffer.codecHeatonReasearch
DataUnitData units are very abstract pieces of data that the browser processes.Classorg.encog.bot.dataunitHeatonReasearch
DateUtilSimple date utility class.Classorg.encog.util.timeHeatonReasearch
DepthFirstSearchClassorg.encog.ml.graph.searchHeatonReasearch
DepthFirstTraversalPerforms a depth-first traversal.Classorg.encog.ml.tree.traverseHeatonReasearch
DeriveMinimumThis class determines optimal values for multiple sigmas in a PNN kernel.Classorg.encog.neural.networks.training.pnnHeatonReasearch
DetermineWorkloadUsed by several Encog training methods to break up a workload.Classorg.encog.util.concurrencyHeatonReasearch
DimensionConstraintSpecifies a constraint for dimensions, using a lower and upper bound.Classorg.encog.mathutil.dimensionHeatonReasearch
DirectoryDirectory utilities.Classorg.encog.util.fileHeatonReasearch
DiscardMissingHandle missing values by discarding them.Classorg.encog.app.analyst.missingHeatonReasearch
DiscreteCellInterfaceorg.encog.ca.universeHeatonReasearch
DiscreteDistributionA discrete distribution is a distribution with a finite set of states that itSee Also:Serialized FormClassorg.encog.ml.hmm.distributionsHeatonReasearch
DistortA randomizer that distorts what is already present in the neural network.Classorg.encog.mathutil.randomizeHeatonReasearch
DivA document range that represents the beginning and ending DIV tag, as well as any tages embedded between them.Classorg.encog.bot.browse.rangeHeatonReasearch
DivisionByZeroErrorClassorg.encog.ml.prg.expvalueHeatonReasearch
DocumentRangeBase class that represents a document range.Classorg.encog.bot.browse.rangeHeatonReasearch
DoubleArrayGenomeA genome made up of continuous doubles.Classorg.encog.ml.genetic.genomeHeatonReasearch
DoubleArrayGenomeFactoryA factory that creates DoubleArrayGenome objects of a specific size.Classorg.encog.ml.genetic.genomeHeatonReasearch
DoubleStringClassorg.encog.util.textHeatonReasearch
DownsampleUtility to downsample an image.Interfaceorg.encog.util.downsampleHeatonReasearch
DumpMatrixA utility for writing matrixes to the log.Classorg.encog.util.loggingHeatonReasearch
EACompileErrorThe genome has generated a compile error and is invalid.Classorg.encog.ml.ea.exceptionHeatonReasearch
EAErrorA general evolutionary algorithm error.Classorg.encog.ml.ea.exceptionHeatonReasearch
EarlyStoppingStrategyStop early when validation set no longer improves.Classorg.encog.ml.train.strategy.endHeatonReasearch
EARuntimeErrorAn error has occurred while running a phenotype (or genome).Classorg.encog.ml.ea.exceptionHeatonReasearch
EAWorkerA worker thread for an Evolutionary Algorithm.Classorg.encog.ml.ea.train.basicHeatonReasearch
EigenvalueDecompositionEigenvalues and eigenvectors of a real matrix.Classorg.encog.mathutil.matrices.decompositionHeatonReasearch
ElementaryCAClassorg.encog.ca.program.elementaryHeatonReasearch
ElmanPatternThis class is used to generate an Elman style recurrent neural network.Classorg.encog.neural.patternHeatonReasearch
EmptyScoreFunctionAn empty score function.Classorg.encog.ml.ea.scoreHeatonReasearch
EncoderTrainingFactoryThis benchmark implements a Fahlman Encoder.Classorg.encog.util.benchmarkHeatonReasearch
EncodeSVMProblemEncode an Encog dataset as a SVM problem.Classorg.encog.ml.svm.trainingHeatonReasearch
EncogMain Encog class, does little more than provide version information.Classorg.encogHeatonReasearch
EncogAnalystThe Encog Analyst runs Encog Analyst Script files (EGA) to perform many common machine learning tasks.Classorg.encog.app.analystHeatonReasearch
EncogArgTypeThe type of argument.Classorg.encog.app.generate.programHeatonReasearch
EncogBenchmarkBenchmark Encog with several network types.Classorg.encog.util.benchmarkHeatonReasearch
EncogCodeGenerationPerform Encog code generation.Classorg.encog.app.generateHeatonReasearch
EncogDirectoryPersistenceHandles Encog persistence for a directory.Classorg.encog.persistHeatonReasearch
EncogEGBFileUsed to access an Encog Binary Training file (*.Classorg.encog.ml.data.bufferHeatonReasearch
EncogErrorGeneral error class for Encog.Classorg.encogHeatonReasearch
EncogFileSectionThis class is used internally to parse Encog files.Classorg.encog.persistHeatonReasearch
EncogFormatterA simple formatter for logging.Classorg.encog.util.loggingHeatonReasearch
EncogFunctionInterfaceorg.encog.mathutilHeatonReasearch
EncogGenProgramHolds a generated Encog program.Classorg.encog.app.generate.programHeatonReasearch
EncogLoggingThis class provides logging for Encog.Classorg.encog.util.loggingHeatonReasearch
EncogMathSeveral useful math functions for Encog.Classorg.encog.mathutilHeatonReasearch
EncogMathErrorThrown when a math error happens.Classorg.encog.mathutilHeatonReasearch
EncogModelEncog model is designed to allow you to easily swap between different model types and automatically normalize data.Classorg.encog.ml.modelHeatonReasearch
EncogOpcodeRegistryenum EncogOpcodeRegistryHolds all known EPL opcodes.Classorg.encog.ml.prg.extensionHeatonReasearch
EncogPersistorThis interface defines an Encog Persistor.Interfaceorg.encog.persistHeatonReasearch
EncogPlatformSpecificClassorg.encog.platformspecific.j2seHeatonReasearch
EncogPluginBaseThe base plugin for Encog.Interfaceorg.encog.pluginHeatonReasearch
EncogPluginLogging1A plugin that supports logging.Interfaceorg.encog.pluginHeatonReasearch
EncogPluginService1A service plugin provides services, such as the creation of activation functions, machine learning methods and training methods.Interfaceorg.encog.pluginHeatonReasearch
EncogProgramHolds an Encog Programming Language (EPL) program.Classorg.encog.ml.prgHeatonReasearch
EncogProgramArgA function argument for Encog created code.Classorg.encog.app.generate.programHeatonReasearch
EncogProgramContextEvery EncogProgram must belong to a context.Classorg.encog.ml.prgHeatonReasearch
EncogProgramNodeA node that holds a program.Classorg.encog.app.generate.programHeatonReasearch
EncogProgramVariablesThis class stores the actual variable values for an Encog Program.Classorg.encog.ml.prgHeatonReasearch
EncogReadHelperUsed to read an Encog EG/EGA file.Classorg.encog.persistHeatonReasearch
EncogShutdownTaskInterfaceorg.encogHeatonReasearch
EncogTreeNodeA tree node that represents code to be generated.Classorg.encog.app.generate.programHeatonReasearch
EncogUtilityGeneral utility class for Encog.Classorg.encog.util.simpleHeatonReasearch
EncogValidateUsed to validate if training is valid.Classorg.encog.utilHeatonReasearch
EncogWriteHelperUsed to write an Encog EG/EGA file.Classorg.encog.persistHeatonReasearch
EndIterationsStrategyClassorg.encog.ml.train.strategy.endHeatonReasearch
EndMaxErrorStrategyClassorg.encog.ml.train.strategy.endHeatonReasearch
EndMinutesStrategyClassorg.encog.ml.train.strategy.endHeatonReasearch
EndTrainingStrategyInterfaceorg.encog.ml.train.strategy.endHeatonReasearch
EngineArraySome array functions used by Encog.Classorg.encog.utilHeatonReasearch
EngineConcurrencyThis class abstracts thread pools, and potentially grids and other types of concurrency.Classorg.encog.util.concurrencyHeatonReasearch
EngineTaskAn individual task that can be submitted to the EncogCurrency utility.Interfaceorg.encog.util.concurrencyHeatonReasearch
EnglishTimeUnitNamesClass used to get the English names for TimeUnits.Classorg.encog.util.timeHeatonReasearch
EnsembleClassorg.encog.ensembleHeatonReasearch
EnsembleAggregatorInterfaceorg.encog.ensembleHeatonReasearch
EnsembleDataSetClassorg.encog.ensemble.dataHeatonReasearch
EnsembleDataSetFactoryClassorg.encog.ensemble.data.factoriesHeatonReasearch
EnsembleMLInterfaceorg.encog.ensembleHeatonReasearch
EnsembleMLMethodFactoryInterfaceorg.encog.ensembleHeatonReasearch
EnsembleTrainFactoryInterfaceorg.encog.ensembleHeatonReasearch
EnsembleTypesClassorg.encog.ensembleHeatonReasearch
EnumerationQueryAn enumeration query allows probabilistic queries on a Bayesian network.Classorg.encog.ml.bayesian.query.enumerateHeatonReasearch
EPLFactoryClassorg.encog.ml.factory.methodHeatonReasearch
EPLGAFactoryClassorg.encog.ml.factory.trainHeatonReasearch
EquilateralUsed to produce an array of activations to classify data into groups.Classorg.encog.mathutilHeatonReasearch
ErrorCalculationCalculate the error of a neural network.Classorg.encog.mathutil.errorHeatonReasearch
ErrorCalculationModeenum ErrorCalculationModeSelects the error calculation mode for Encog.Classorg.encog.mathutil.errorHeatonReasearch
ErrorFunctionAn error function.Interfaceorg.encog.neural.errorHeatonReasearch
EstimatorNoneA simple estimator that does nothing.Classorg.encog.ml.bayesian.training.estimatorHeatonReasearch
EuclideanCostEstimatorClassorg.encog.ml.graph.searchHeatonReasearch
EuclideanNodeClassorg.encog.ml.graphHeatonReasearch
EvaluateUsed to evaluate the training time for a network.Classorg.encog.util.benchmarkHeatonReasearch
EvaluateExprClassorg.encog.ml.prg.expvalueHeatonReasearch
EventStateHolds the state of an event during a query.Classorg.encog.ml.bayesian.query.sampleHeatonReasearch
EventTypeThe type of event for a Bayesian Network.Classorg.encog.ml.bayesianHeatonReasearch
EvolutionaryAlgorithmThis interface defines the basic functionality of an Evolutionary Algorithm.Interfaceorg.encog.ml.ea.trainHeatonReasearch
EvolutionaryOperatorAn evolutionary operator is used to create new offspring genomes based on parent genomes.Interfaceorg.encog.ml.ea.oppHeatonReasearch
ExcelCODECA CODEC that can read/write Microsoft Excel (*.Classorg.encog.ml.data.buffer.codecHeatonReasearch
ExcludedFieldUsed internally to track excluded fields from the FilterCSV.Classorg.encog.app.analyst.csv.filterHeatonReasearch
ExpressionNodeTypeenum ExpressionNodeTypeEnum Constant SummaryClassorg.encog.parse.expressionHeatonReasearch
ExpressionValueAn EncogProgram expression value.Classorg.encog.ml.prg.expvalueHeatonReasearch
FactorHyperNEATGenomeCreate a Genome for use with HyperNEAT.Classorg.encog.neural.hyperneatHeatonReasearch
FactorNEATGenomeThis factory is used to create NEATGenomes.Classorg.encog.neural.neatHeatonReasearch
FanInRandomizerA randomizer that attempts to create starting weight values that are conducive to propagation training.Classorg.encog.mathutil.randomizeHeatonReasearch
FeedforwardConfigConfig class for EncogModel to use a feedforward neural network.Classorg.encog.ml.model.configHeatonReasearch
FeedforwardFactoryA factor to create feedforward networks.Classorg.encog.ml.factory.methodHeatonReasearch
FeedForwardPatternUsed to create feedforward neural networks.Classorg.encog.neural.patternHeatonReasearch
FieldDirectionClassorg.encog.app.analyst.utilHeatonReasearch
FieldPreprocessClassorg.encog.app.analyst.script.preprocessHeatonReasearch
FileDataA column that is based off of a column in a CSV file.Classorg.encog.app.analyst.csv.basicHeatonReasearch
FileSectionThe section of the BIF file that we are currently in.Classorg.encog.ml.bayesian.bifHeatonReasearch
FileUtilClassorg.encog.util.fileHeatonReasearch
FilterCSVThis class can be used to remove certain rows from a CSV.Classorg.encog.app.analyst.csv.filterHeatonReasearch
FitnessObjectiveA fitness objective.Classorg.encog.ml.fitnessHeatonReasearch
FlatLayerUsed to configure a flat layer.Classorg.encog.neural.flatHeatonReasearch
FlatNetwork meant to be a very highly efficient feedforward, or simple recurrent, neural network.Classorg.encog.neural.flatHeatonReasearch
FlatNetworkRBFA flat network designed to handle an RBF.Classorg.encog.neural.flatHeatonReasearch
FoldedDataSetA folded data set allows you to "fold" the data into several equal(or nearly equal) datasets.Classorg.encog.ml.data.foldedHeatonReasearch
FoldedIteratorUsed to iterate over a folded data set.Classorg.encog.ml.data.foldedHeatonReasearch
FormA document range that represents a form, and all embedded tags.Classorg.encog.bot.browse.rangeHeatonReasearch
FormatProvides the ability for Encog to format numbers and times.Classorg.encog.utilHeatonReasearch
FormElementA document range that represents one individual component to a form.Classorg.encog.bot.browse.rangeHeatonReasearch
FormUtilityThis class is used to construct responses to HTML forms.Classorg.encog.util.httpHeatonReasearch
ForwardBackwardCalculatorThe forward-backward algorithm is an inference algorithm for hidden Markov models which computes the posterior marginals of all hidden state variablesClassorg.encog.ml.hmm.alogHeatonReasearch
ForwardBackwardScaledCalculatorThe forward-backward algorithm is an inference algorithm for hidden Markov models which computes the posterior marginals of all hidden state variablesClassorg.encog.ml.hmm.alogHeatonReasearch
FreeformBackPropagationPerform backpropagation for a freeform neural network.Classorg.encog.neural.freeform.trainingHeatonReasearch
FreeformConnectionDefines a freeform connection between neurons.Interfaceorg.encog.neural.freeformHeatonReasearch
FreeformConnectionFactoryA factory that creates connections.Interfaceorg.encog.neural.freeform.factoryHeatonReasearch
FreeformContextNeuronDefines a freeform context neuron.Classorg.encog.neural.freeformHeatonReasearch
FreeformLayerDefines a freeform layer.Interfaceorg.encog.neural.freeformHeatonReasearch
FreeformLayerFactoryA factory that creates layers.Interfaceorg.encog.neural.freeform.factoryHeatonReasearch
FreeformNetwork much more advanced structures than the flat networks that the Encog BasicNetwork implements.Classorg.encog.neural.freeformHeatonReasearch
FreeformNetworkErrorFreeform neural network error.Classorg.encog.neural.freeformHeatonReasearch
FreeformNeuronThis interface defines a freeform neuron.Interfaceorg.encog.neural.freeformHeatonReasearch
FreeformNeuronFactoryA factory that creates neurons.Interfaceorg.encog.neural.freeform.factoryHeatonReasearch
FreeformPropagationTrainingProvides basic propagation functions to other trainers.Classorg.encog.neural.freeform.trainingHeatonReasearch
FreeformResilientPropagationClassorg.encog.neural.freeform.trainingHeatonReasearch
FrontierHolderClassorg.encog.ml.graph.searchHeatonReasearch
FunctionFactoryA function factory maps the opcodes contained in the EncogOpcodeRegistry into an EncogProgram.Classorg.encog.ml.prg.extensionHeatonReasearch
GaussianFittingClassorg.encog.ml.fitting.gaussianHeatonReasearch
GaussianFunctionMulti-dimensional gaussian function.Classorg.encog.mathutil.rbfHeatonReasearch
GaussianRandomizerGenerally, you will not want to use this randomizer as a pure neural network randomizer.Classorg.encog.mathutil.randomizeHeatonReasearch
GenerateCSClassorg.encog.app.generate.generators.csHeatonReasearch
GenerateEncogJavaClassorg.encog.app.generate.generators.javaHeatonReasearch
GenerateEncogJavaScriptClassorg.encog.app.generate.generators.jsHeatonReasearch
GenerateIDInterface that defines a unique ID generator.Interfaceorg.encog.util.identityHeatonReasearch
GenerateMQL4Classorg.encog.app.generate.generators.mql4HeatonReasearch
GenerateNinjaScriptClassorg.encog.app.generate.generators.ninjaHeatonReasearch
GenerateRandomInterface that defines how random numbers are generated.Interfaceorg.encog.mathutil.randomize.generateHeatonReasearch
GenerateWorkerUsed to thread the generation process.Classorg.encog.ml.prg.generatorHeatonReasearch
GenerationUtilUtility class used to create training data from a function.Classorg.encog.util.dataHeatonReasearch
GenericCAClassorg.encog.ca.program.genericHeatonReasearch
GenericEnsembleMLClassorg.encog.ensembleHeatonReasearch
GenericIOClassorg.encog.ca.program.genericHeatonReasearch
GeneticCODECA CODEC defines how to transfer between a genome and phenome.Interfaceorg.encog.ml.ea.codecHeatonReasearch
GeneticErrorAn error raised by the genetic algorithm.Classorg.encog.ml.geneticHeatonReasearch
GeneticFactoryA factory to create genetic algorithm trainers.Classorg.encog.ml.factory.trainHeatonReasearch
GenomeA genome is the basic blueprint for creating an phenome (organism) in Encog.Interfaceorg.encog.ml.ea.genomeHeatonReasearch
GenomeAsPhenomeCODECThis is a simple pass-through CODEC.Classorg.encog.ml.ea.codecHeatonReasearch
GenomeComparatorDefines methods for comparing genomes.Interfaceorg.encog.ml.ea.sortHeatonReasearch
GenomeFactoryDefines a factory that produces genomes.Interfaceorg.encog.ml.ea.genomeHeatonReasearch
GlobalMinimumSearchSearch sigma's for a global minimum.Classorg.encog.neural.networks.training.pnnHeatonReasearch
GradientWorkerWorker class for the mulithreaded training of flat networks.Classorg.encog.neural.networks.training.propagationHeatonReasearch
GraphSearchInterfaceorg.encog.ml.graph.searchHeatonReasearch
GreedyA simple greedy strategy.Classorg.encog.ml.train.strategyHeatonReasearch
GridAbstractProbabilityClassorg.encog.ml.world.grid.probabilityHeatonReasearch
GridDeterministicProbabilityClassorg.encog.ml.world.grid.probabilityHeatonReasearch
GridStateClassorg.encog.ml.world.gridHeatonReasearch
GridStochasticProbabilityClassorg.encog.ml.world.grid.probabilityHeatonReasearch
GridWorldClassorg.encog.ml.world.gridHeatonReasearch
HandleMissingValuesInterfaceorg.encog.app.analyst.missingHeatonReasearch
HasFixedLengthIs this input field of a fixed length, such as an array? Or is it read "iterator style" where we call "next" until there is no more Interfaceorg.encog.util.normalize.inputHeatonReasearch
HessianCRCalculate the Hessian matrix using the chain rule method.Classorg.encog.mathutil.matrices.hessianHeatonReasearch
HessianFDCalculate the Hessian matrix using the finite difference method.Classorg.encog.mathutil.matrices.hessianHeatonReasearch
HiddenLayerParamsSpecifies the minimum and maximum neuron counts for a layer.Classorg.encog.neural.pruneHeatonReasearch
HiddenMarkovModelA Hidden Markov Model (HMM) is a Machine Learning Method that allows for predictions to be made about the hidden states and observations of a givenClassorg.encog.ml.hmmHeatonReasearch
HopfieldNetworkClassorg.encog.neural.thermalHeatonReasearch
HopfieldPatternCreate a Hopfield pattern.Classorg.encog.neural.patternHeatonReasearch
HTMLReportClassorg.encog.utilHeatonReasearch
HybridStrategyA hybrid stragey allows a secondary training algorithm to be used.Classorg.encog.ml.train.strategyHeatonReasearch
HyperNEATCODECClassorg.encog.neural.hyperneatHeatonReasearch
HyperNEATGenomeClassorg.encog.neural.hyperneatHeatonReasearch
ImageMLDataAn extension of the BasicNeuralData class that is designed to hold images for input into a neural network.Classorg.encog.platformspecific.j2se.data.imageHeatonReasearch
ImageMLDataSetStore a collection of images for training with a neural network.Classorg.encog.platformspecific.j2se.data.imageHeatonReasearch
ImageSizeSimple class to determine the size of an image.Classorg.encog.utilHeatonReasearch
IndexedNormalizerNormalize ordinal/nominal values to a single value that is simply the index of the class in the list.Classorg.encog.ml.data.versatile.normalizersHeatonReasearch
IndexRangeSegregatorAn index segregator is used to segregate the data according to its index.Classorg.encog.util.normalize.segregate.indexHeatonReasearch
IndexSampleSegregatorAn index segregator is used to segregate the data according to its index.Classorg.encog.util.normalize.segregate.indexHeatonReasearch
IndexSegregatorThe index segregator.Classorg.encog.util.normalize.segregate.indexHeatonReasearch
IndicatorAn indicator, used by Encog.Classorg.encog.app.quant.indicatorsHeatonReasearch
InputA form element that represents for input for text.Classorg.encog.bot.browse.rangeHeatonReasearch
InputFieldA Normalization input field.Interfaceorg.encog.util.normalize.inputHeatonReasearch
InputFieldArray1DAn input field that comes from a 1D array.Classorg.encog.util.normalize.inputHeatonReasearch
InputFieldArray2DAn input field that comes from a 2D array.Classorg.encog.util.normalize.inputHeatonReasearch
InputFieldCSVAn input field based on a CSV file.Classorg.encog.util.normalize.inputHeatonReasearch
InputFieldCSVTextAn input field based on a CSV file.Classorg.encog.util.normalize.inputHeatonReasearch
InputFieldEncogCollectionClassorg.encog.util.normalize.inputHeatonReasearch
InputFieldMLDataSetAn input field based on an Encog NeuralDataSet.Classorg.encog.util.normalize.inputHeatonReasearch
InputSummationSpecifies how the inputs to a neuron are to be summed.Interfaceorg.encog.neural.freeformHeatonReasearch
InputSummationFactoryFactory that creates input summations.Interfaceorg.encog.neural.freeform.factoryHeatonReasearch
IntegerArrayGenomeA genome that is an array of discrete integer values.Classorg.encog.ml.genetic.genomeHeatonReasearch
IntegerArrayGenomeFactoryA factory to create integer genomes of a specific size.Classorg.encog.ml.genetic.genomeHeatonReasearch
IntegerBalanceSegregatorBalance based on an input value.Classorg.encog.util.normalize.segregateHeatonReasearch
IntPairClassorg.encog.mathutilHeatonReasearch
IntRangeA range of integers.Classorg.encog.mathutilHeatonReasearch
InverseMultiquadricFunctionMulti-dimensional Inverse Multiquadric function.Classorg.encog.mathutil.rbfHeatonReasearch
JobUnitContextThe job unit context contains context information to be passed to a job unit.Classorg.encog.util.concurrency.jobHeatonReasearch
JobUnitWorkerAn individual worker, that will be submitted to the thread pool.Classorg.encog.util.concurrency.jobHeatonReasearch
JordanPatternThis class is used to generate an Jordan style recurrent neural network.Classorg.encog.neural.patternHeatonReasearch
KernelTypeThe type of SVM kernel in use.Classorg.encog.ml.svmHeatonReasearch
KFoldCrossvalidationClassorg.encog.ml.data.crossHeatonReasearch
KMeansClusteringThis class performs a basic K-Means clustering.Classorg.encog.ml.kmeansHeatonReasearch
KMeansUtilGeneric KMeans clustering object.Classorg.encog.util.kmeansHeatonReasearch
KullbackLeiblerDistanceCalculatorThis class produces a Kullback-Leibler estimation of the distance between two HMMs.Classorg.encog.ml.hmm.alogHeatonReasearch
LanguageSpecificGeneratorThis interface defines a language specific generator.Interfaceorg.encog.app.generate.generatorsHeatonReasearch
LayerThis interface defines all necessary methods for a neural network layer.Interfaceorg.encog.neural.networks.layersHeatonReasearch
LearningRateSpecifies that a training algorithm has the concept of a learning rate.Interfaceorg.encog.neural.networks.trainingHeatonReasearch
LevelHolderThe level holder class is passed down as a tree is mutated.Classorg.encog.ml.prg.oppHeatonReasearch
LevenbergMarquardtFactoryClassorg.encog.ensemble.trainingHeatonReasearch
LevenbergMarquardtTrainingTrains a neural network using a Levenberg Marquardt algorithm (LMA).Classorg.encog.neural.networks.training.lmaHeatonReasearch
LevenshteinDistancehttp://en.Classorg.encog.util.textHeatonReasearch
LinearCongruentialRandomA Linear Congruential random number generator.Classorg.encog.mathutil.randomize.generateHeatonReasearch
LinearErrorFunctionThe standard linear error function, simply returns the difference between the actual and ideal.Classorg.encog.neural.errorHeatonReasearch
LinearRegressionClassorg.encog.ml.fitting.linearHeatonReasearch
LinkA document range that represents a hyperlink, and any embedded tags and text.Classorg.encog.bot.browse.rangeHeatonReasearch
LMAFactoryThis class is a factory to create the LMA training method.Classorg.encog.ml.factory.trainHeatonReasearch
LoadedMarketDataThis class contains market data that was loaded for a specific ticker symbol and a specific date.Classorg.encog.ml.data.market.loaderHeatonReasearch
LoadedRowA row of a CSV file loaded to memory.Classorg.encog.app.analyst.csv.basicHeatonReasearch
LoaderErrorUsed to represent any error that occurs in the loader part of Encog.Classorg.encog.app.quant.loaderHeatonReasearch
LoaderErrorAn error that occurs when financial data is being loaded.Classorg.encog.ml.data.market.loaderHeatonReasearch
LoadWebPageCalled to actually load a web page.Classorg.encog.bot.browseHeatonReasearch
LUDecomposition For an m-by-n matrix A with m >= n, the LU decomposition is an m-by-n unit lower triangular matrix L, an n-by-n upper triangular matrix U, and aClassorg.encog.mathutil.matrices.decompositionHeatonReasearch
MajorityVotingClassorg.encog.ensemble.aggregatorHeatonReasearch
ManhattanFactoryA factory for Manhattan training.Classorg.encog.ml.factory.trainHeatonReasearch
ManhattanPropagationOne problem that the backpropagation technique has is that the magnitude of the partial derivative may be calculated too large or too small.Classorg.encog.neural.networks.training.propagation.manhattanHeatonReasearch
ManhattanPropagationFactoryClassorg.encog.ensemble.trainingHeatonReasearch
MappedRangeSimple class that is used internally to hold a range mapping.Classorg.encog.util.normalize.output.mappedHeatonReasearch
MarketDataDescriptionThis class is used to describe the type of financial data that is needed.Classorg.encog.ml.data.marketHeatonReasearch
MarketDataTypeThe types of market data that can be used.Classorg.encog.ml.data.marketHeatonReasearch
MarketErrorThrown when an error occurs processing market data.Classorg.encog.ml.data.marketHeatonReasearch
MarketLoaderInterfaceorg.encog.app.quant.loaderHeatonReasearch
MarketLoaderInterfaceorg.encog.ml.data.market.loaderHeatonReasearch
MarketMLDataSetA data set that is designed to hold market data.Classorg.encog.ml.data.marketHeatonReasearch
MarketPointHold one market datapoint.Classorg.encog.ml.data.marketHeatonReasearch
MarkovDecisionProcessClassorg.encog.ml.world.learning.mdpHeatonReasearch
MarkovGeneratorThis class is used to generate random sequences based on a Hidden Markov Model.Classorg.encog.ml.hmm.alogHeatonReasearch
MathConstMath constants needed by Encog.Classorg.encog.mathutilHeatonReasearch
MatrixThis class implements a mathematical matrix.Classorg.encog.mathutil.matricesHeatonReasearch
MatrixErrorUsed by the matrix classes to indicate an error.Classorg.encog.mathutil.matricesHeatonReasearch
MatrixMathThis class can perform many different mathematical operations on matrixes.Classorg.encog.mathutil.matricesHeatonReasearch
MatrixMLDataSetThe MatrixMLDataSet can use a large 2D matrix of doubles to internally hold data.Classorg.encog.ml.data.versatileHeatonReasearch
MaximizeAdjustedScoreCompUse this comparator to maximize the adjusted score.Classorg.encog.ml.ea.sortHeatonReasearch
MaximizeScoreCompUse this comparator to maximize the score.Classorg.encog.ml.ea.sortHeatonReasearch
MeanAndModeMissingClassorg.encog.app.analyst.missingHeatonReasearch
MeanMissingHandlerHandle missing data by using the mean value of that column.Classorg.encog.ml.data.versatile.missingHeatonReasearch
MemoryDataLoaderThis class is used, together with a CODEC, load training data from some external file into an Encog memory-based training set.Classorg.encog.ml.data.bufferHeatonReasearch
MersenneTwisterGenerateRandomThe Mersenne twister is a pseudo random number generator developed in 1997 by Makoto Matsumoto and Takuji Nishimura that is based on a matrix linear recurrence over a finite binary field F2.Classorg.encog.mathutil.randomize.generateHeatonReasearch
MetaClassifierClassorg.encog.ensemble.aggregatorHeatonReasearch
MethodConfigDefine normalization for a specific method.Interfaceorg.encog.ml.model.configHeatonReasearch
MethodFactoryInterfaceorg.encog.mlHeatonReasearch
MexicanHatFunctionMulti-dimensional Mexican Hat, or Ricker wavelet, function.Classorg.encog.mathutil.rbfHeatonReasearch
MinimizeAdjustedScoreCompUse this comparator to minimize the adjusted score.Classorg.encog.ml.ea.sortHeatonReasearch
MinimizeScoreCompUse this comparator to minimize the score.Classorg.encog.ml.ea.sortHeatonReasearch
MissingHandlerSpecifies how to handle missing data.Interfaceorg.encog.ml.data.versatile.missingHeatonReasearch
MLActivationFactoryClassorg.encog.ml.factoryHeatonReasearch
MLAutoAssocationDefines a MLMethod that can handle autoassocation.Interfaceorg.encog.mlHeatonReasearch
MLClassificationThis interface defines a MLMethod that is used for classification.Interfaceorg.encog.mlHeatonReasearch
MLClusterDefines a cluster.Interfaceorg.encog.mlHeatonReasearch
MLClusteringA machine learning method that is used to break data into clusters.Interfaceorg.encog.mlHeatonReasearch
MLComplexDataThis class implements a data object that can hold complex numbers.Interfaceorg.encog.ml.dataHeatonReasearch
MLContextDefines a MLMethod that can hold context.Interfaceorg.encog.mlHeatonReasearch
MLDataDefines an array of data.Interfaceorg.encog.ml.dataHeatonReasearch
MLDataErrorUsed by the machine learning methods classes to indicate a data error.Classorg.encog.ml.dataHeatonReasearch
MLDataFieldHolderSimple holder class used internally for Encog.Classorg.encog.util.normalize.inputHeatonReasearch
MLDataPairTraining data is stored in two ways, depending on if the data is for supervised, or unsupervised training.Interfaceorg.encog.ml.dataHeatonReasearch
MLDataSetAn interface designed to abstract classes that store machine learning data.Interfaceorg.encog.ml.dataHeatonReasearch
MLEncodableDefines a Machine Learning Method that can be encoded to a double array.Interfaceorg.encog.mlHeatonReasearch
MLEncodableCODECA CODEC for IMLEncodable classes.Classorg.encog.ml.geneticHeatonReasearch
MLErrorInterfaceorg.encog.mlHeatonReasearch
MLFactoryThis interface defines the fact that a class, or object, is having the ability to generate an Encog factory code from the objects instanciatedInterfaceorg.encog.mlHeatonReasearch
MLInputDefines a MLMethod that accepts input.Interfaceorg.encog.mlHeatonReasearch
MLInputOutputThis is a convenience interface that combines MLInput and MLOutput.Interfaceorg.encog.mlHeatonReasearch
MLMethodThis interface is the base for all Encog Machine Learning methods.Interfaceorg.encog.mlHeatonReasearch
MLMethodFactoryThis factory is used to create machine learning methods.Classorg.encog.ml.factoryHeatonReasearch
MLMethodGeneticAlgorithm (MLEncodable) to be trained.Classorg.encog.ml.geneticHeatonReasearch
MLMethodGenome using a genetic algorithm.Classorg.encog.ml.geneticHeatonReasearch
MLMethodGenomeFactoryA factory to create MLMethod based genomes.Classorg.encog.ml.geneticHeatonReasearch
MLOutputDefines a MLMethod that produces output.Interfaceorg.encog.mlHeatonReasearch
MLPropertiesDefines a Machine Learning Method that holds properties.Interfaceorg.encog.mlHeatonReasearch
MLRegressionDefines a Machine Learning Method that supports regression.Interfaceorg.encog.mlHeatonReasearch
MLResettableDefines a Machine Learning Method that can be reset to an untrained starting point.Interfaceorg.encog.mlHeatonReasearch
MLSequenceSetA sequence set is a collection of data sets.Interfaceorg.encog.ml.dataHeatonReasearch
MLStateSequenceA state sequence ML method, for example a Hidden Markov Model.Interfaceorg.encog.mlHeatonReasearch
MLTrainDefines a training method for a machine learning method.Interfaceorg.encog.ml.trainHeatonReasearch
MLTrainFactoryThis factory is used to create trainers for machine learning methods.Classorg.encog.ml.factoryHeatonReasearch
MomentumSpecifies that a training algorithm has the concept of a momentum.Interfaceorg.encog.neural.networks.trainingHeatonReasearch
MovementClassorg.encog.ca.program.basicHeatonReasearch
MovingAverageA simple moving average.Classorg.encog.app.quant.indicatorsHeatonReasearch
MultiDimensionHandle multi-dimensional integer-based dimensions.Classorg.encog.mathutil.dimensionHeatonReasearch
MultiLayerPerceptronFactoryClassorg.encog.ensemble.ml.mlp.factoryHeatonReasearch
MultiObjectiveFitnessA multi-objective fitness function.Classorg.encog.ml.fitnessHeatonReasearch
MultiplicativeGroupUsed to group multiplicative fields together.Classorg.encog.util.normalize.output.multiplicativeHeatonReasearch
MultiplyWithCarryGenerateRandomIn Multiply with Carry (MWC) is a pseudo random number generator computer science, multiply-with-carry (MWC) is a method invented by George Marsaglia for generating sequences of random integers based on an initial setClassorg.encog.mathutil.randomize.generateHeatonReasearch
MultiquadricFunctionMulti-dimensional Multiquadric function.Classorg.encog.mathutil.rbfHeatonReasearch
MultiThreadableDefines that a class is multi-threadable.Interfaceorg.encog.util.concurrencyHeatonReasearch
MutateLinkWeightThis interface defines various ways that a NEAT network can have its link -----------------------------------------------------------------------------Interfaceorg.encog.neural.neat.training.opp.linksHeatonReasearch
MutatePerturbA simple mutation based on random numbers.Classorg.encog.ml.genetic.mutateHeatonReasearch
MutatePerturbLinkWeightMutate weight links by perturbing their weights.Classorg.encog.neural.neat.training.opp.linksHeatonReasearch
MutateResetLinkWeightMutate weight links by reseting the weight to an entirely new value.Classorg.encog.neural.neat.training.opp.linksHeatonReasearch
MutateShuffleA simple mutation where genes are shuffled.Classorg.encog.ml.genetic.mutateHeatonReasearch
NEATBaseGeneDefines a base class for NEAT genes.Classorg.encog.neural.neat.trainingHeatonReasearch
NEATCODECThis CODEC is used to create phenomes (NEATNetwork) objects using a genome (NEATGenome).Classorg.encog.neural.neatHeatonReasearch
NEATConfigConfig class for EncogModel to use a NEAT neural network.Classorg.encog.ml.model.configHeatonReasearch
NEATCrossoverCrossover is performed by mixing the link genes between the parents to produce an offspring.Classorg.encog.neural.neat.training.oppHeatonReasearch
NEATFactoryA factor to create feedforward networks.Classorg.encog.ml.factory.methodHeatonReasearch
NEATGAFactoryA factory to create genetic algorithm trainers.Classorg.encog.ml.factory.trainHeatonReasearch
NEATGenome ----------------------------------------------------------------------------- http://www.Classorg.encog.neural.neat.trainingHeatonReasearch
NEATGenomeFactoryThis interface defines additional methods defined to create NEAT genomes.Interfaceorg.encog.neural.neatHeatonReasearch
NEATInnovation previously tried with a neural network.Classorg.encog.neural.neat.trainingHeatonReasearch
NEATInnovationList NeuroEvolution of Augmenting Topologies (NEAT) is a genetic algorithm for the generation of evolving artificial neural networks.Classorg.encog.neural.neat.trainingHeatonReasearch
NEATInnovationTypeenum NEATInnovationTypeThe type of NEAT innovation.Classorg.encog.neural.neat.trainingHeatonReasearch
NEATLink NeuroEvolution of Augmenting Topologies (NEAT) is a genetic algorithm for the generation of evolving artificial neural networks.Classorg.encog.neural.neatHeatonReasearch
NEATLinkGene NeuroEvolution of Augmenting Topologies (NEAT) is a genetic algorithm for the generation of evolving artificial neural networks.Classorg.encog.neural.neat.trainingHeatonReasearch
NEATMutateAddLinkMutates a NEAT genome by adding a link.Classorg.encog.neural.neat.training.oppHeatonReasearch
NEATMutateAddNodeMutate a genome by adding a new node.Classorg.encog.neural.neat.training.oppHeatonReasearch
NEATMutateRemoveLinkMutate a genome by removing a random link.Classorg.encog.neural.neat.training.oppHeatonReasearch
NEATMutateWeightsMutate the weights of a genome.Classorg.encog.neural.neat.training.oppHeatonReasearch
NEATMutationThis class represents a NEAT mutation.Classorg.encog.neural.neat.training.oppHeatonReasearch
NEATNetworkNEAT networks relieve the programmer of the need to define the hidden layer structure of the neural network.Classorg.encog.neural.neatHeatonReasearch
NEATNeuronGene NeuroEvolution of Augmenting Topologies (NEAT) is a genetic algorithm for the generation of evolving artificial neural networks.Classorg.encog.neural.neat.trainingHeatonReasearch
NEATNeuronTypeThe types of neurons supported by NEAT.Classorg.encog.neural.neatHeatonReasearch
NEATPopulationA population for a NEAT or HyperNEAT system.Classorg.encog.neural.neatHeatonReasearch
NEATUtilNEAT does not make use of a special trainer.Classorg.encog.neural.neatHeatonReasearch
NegateMissingClassorg.encog.app.analyst.missingHeatonReasearch
NeighborhoodBubbleA neighborhood function that uses a simple bubble.Classorg.encog.neural.som.training.basic.neighborhoodHeatonReasearch
NeighborhoodFunctionDefines how a neighborhood function should work in competitive training.Interfaceorg.encog.neural.som.training.basic.neighborhoodHeatonReasearch
NeighborhoodRBFClassorg.encog.neural.som.training.basic.neighborhoodHeatonReasearch
NeighborhoodRBF1DA neighborhood function based on an RBF function.Classorg.encog.neural.som.training.basic.neighborhoodHeatonReasearch
NeighborhoodSingleA very simple neighborhood function that will return 1.Classorg.encog.neural.som.training.basic.neighborhoodHeatonReasearch
NeighborhoodSOMFactoryTrain an SOM network with a neighborhood method.Classorg.encog.ml.factory.trainHeatonReasearch
NelderMeadFactoryClassorg.encog.ml.factory.trainHeatonReasearch
NelderMeadTrainingThe Nelder-Mead method is a commonly used parameter optimization method that can be used for neural network training.Classorg.encog.neural.networks.training.nmHeatonReasearch
NetworkCODECThis class will extract the "long term memory" of a neural network, that is the weights and bias values into an array.Classorg.encog.neural.networks.structureHeatonReasearch
NetworkFoldThe network for one fold of a cross validation.Classorg.encog.neural.networks.training.crossHeatonReasearch
NetworkPatternSpecify which network pattern to use.Classorg.encog.neural.pruneHeatonReasearch
NeuralDataThis is an alias class for Encog 2.Interfaceorg.encog.neural.dataHeatonReasearch
NeuralDataMappingUsed to map one neural data object to another.Classorg.encog.neural.networksHeatonReasearch
NeuralDataPairThis is an alias class for Encog 2.Interfaceorg.encog.neural.dataHeatonReasearch
NeuralDataSetThis is an alias class for Encog 2.Interfaceorg.encog.neural.dataHeatonReasearch
NeuralDataSetCODECA CODEC that works with the NeuralDataSet class.Classorg.encog.ml.data.buffer.codecHeatonReasearch
NeuralNetworkErrorUsed by the neural network classes to indicate an error.Classorg.encog.neuralHeatonReasearch
NeuralNetworkPatternPatterns are used to create common sorts of neural networks.Interfaceorg.encog.neural.patternHeatonReasearch
NeuralPSOIteratively trains a population of neural networks by applying particle swarm optimisation (PSO).Classorg.encog.neural.networks.training.psoHeatonReasearch
NeuralPSOWorkerPSO multi-treaded worker.Classorg.encog.neural.networks.training.psoHeatonReasearch
NeuralSimulatedAnnealingThis class implements a simulated annealing training algorithm for neural networks.Classorg.encog.neural.networks.training.annealHeatonReasearch
NeuralSimulatedAnnealingHelperSimple class used by the neural simulated annealing.Classorg.encog.neural.networks.training.annealHeatonReasearch
NeuralStructureHolds "cached" information about the structure of the neural network.Classorg.encog.neural.networks.structureHeatonReasearch
NeuronTaskDefines a task that is carried out for every neuron.Interfaceorg.encog.neural.freeform.taskHeatonReasearch
NguyenWidrowRandomizer default weight initialization used by Encog, as it generally provides the most train-able neural network.Classorg.encog.mathutil.randomizeHeatonReasearch
NinjaFileConvertA simple class that shows how to convert financial data into the form that NinjaTrader can recognize.Classorg.encog.app.quant.ninjaHeatonReasearch
NinjaStreamWriterCan be used from within NinjaTrader to export data.Classorg.encog.app.quant.ninjaHeatonReasearch
NodeTypeClassorg.encog.app.generate.programHeatonReasearch
NodeTypeThe node type.Classorg.encog.ml.prg.extensionHeatonReasearch
NominalItemClassorg.encog.util.normalize.output.nominalHeatonReasearch
NormalizationActionenum NormalizationActionNormalization actions desired.Classorg.encog.util.arrayutilHeatonReasearch
NormalizationErrorUsed for normalization errors.Classorg.encog.util.normalizeHeatonReasearch
NormalizationHelperThis class is used to perform normalizations for methods trained with theSee Also:Serialized FormClassorg.encog.ml.data.versatileHeatonReasearch
NormalizationStorageDefines a means by which normalized data can be stored.Interfaceorg.encog.util.normalize.targetHeatonReasearch
NormalizationStorageArray1DOutput the normalized data to a 1D array.Classorg.encog.util.normalize.targetHeatonReasearch
NormalizationStorageArray2DOutput the normalized data to a 2D array.Classorg.encog.util.normalize.targetHeatonReasearch
NormalizationStorageCSVStore normalized data to a CSV file.Classorg.encog.util.normalize.targetHeatonReasearch
NormalizationStorageEncogCollectionClassorg.encog.util.normalize.targetHeatonReasearch
NormalizationStorageNeuralDataSetStore the normalized data to a neural data set.Classorg.encog.util.normalize.targetHeatonReasearch
NormalizationStrategyDefines the interface to a normalization strategy.Interfaceorg.encog.ml.data.versatile.normalizers.strategiesHeatonReasearch
NormalizeArrayNormalization is the process where data is adjusted to be inside a range.Classorg.encog.util.arrayutilHeatonReasearch
NormalizedFieldThis object holds the normalization stats for a column.Classorg.encog.util.arrayutilHeatonReasearch
NormalizerThe normalizer interface defines how to normalize a column.Interfaceorg.encog.ml.data.versatile.normalizersHeatonReasearch
NormalizeRangeThe normalization range that the Encog Analyst Wizard should use.Classorg.encog.app.analyst.wizardHeatonReasearch
NullStatusReportableA report object that does nothing.Classorg.encogHeatonReasearch
NumberListClass used to handle lists of numbers.Classorg.encog.util.csvHeatonReasearch
NumericDateUtilClassorg.encog.util.timeHeatonReasearch
NumericRangeA numeric range has a high, low, mean, root-mean-square, standard deviation, and the count of how many samples it contains.Classorg.encog.mathutilHeatonReasearch
ObjectClonerA simple Object cloner that uses serialization.Classorg.encog.util.objHeatonReasearch
ObjectHolderHolds an object of the specified type.Classorg.encog.util.objHeatonReasearch
ObjectPairClassorg.encog.utilHeatonReasearch
OneOfNNormalizerNormalize to one-of-n for nominal values.Classorg.encog.ml.data.versatile.normalizersHeatonReasearch
OperationListThis class holds a list of evolutionary operators.Classorg.encog.ml.ea.oppHeatonReasearch
OriginalNEATSpeciationThe original NEAT Speciation Strategy.Classorg.encog.neural.neat.training.speciesHeatonReasearch
OutputEquilateralAllows nominal items to be encoded using the equilateral method.Classorg.encog.util.normalize.output.nominalHeatonReasearch
OutputErrorFunctionClassorg.encog.neural.errorHeatonReasearch
OutputFieldAn output field, this represents the actual output from the normalization.Interfaceorg.encog.util.normalize.outputHeatonReasearch
OutputFieldDirectA direct output field, will simply pass the input value to the output.Classorg.encog.util.normalize.outputHeatonReasearch
OutputFieldEncodeAn encoded output field.Classorg.encog.util.normalize.output.mappedHeatonReasearch
OutputFieldGroupOutput fields can be grouped together if they are calculated together.Interfaceorg.encog.util.normalize.outputHeatonReasearch
OutputFieldGroupedDefines an output field that can be grouped.Classorg.encog.util.normalize.outputHeatonReasearch
OutputFieldMultiplicativeBoth the multiplicative and z-axis normalization types allow a group of outputs to be adjusted so that the "vector length" is 1.Classorg.encog.util.normalize.output.multiplicativeHeatonReasearch
OutputFieldRangeMappedA ranged mapped output field.Classorg.encog.util.normalize.outputHeatonReasearch
OutputFieldZAxisBoth the multiplicative and z-axis normalization types allow a group of outputs to be adjusted so that the "vector length" is 1.Classorg.encog.util.normalize.output.zaxisHeatonReasearch
OutputFieldZAxisSyntheticThis field represents the synthetic value used in Z-Axis normalization.Classorg.encog.util.normalize.output.zaxisHeatonReasearch
OutputOneOfAn output field that uses the "on of" technique to represent input data.Classorg.encog.util.normalize.output.nominalHeatonReasearch
ParallelScoreThis class is used to calculate the scores for an entire population.Classorg.encog.ml.ea.score.parallelHeatonReasearch
ParallelScoreTaskAn individual threadable task for the parallel score calculation.Classorg.encog.ml.ea.score.parallelHeatonReasearch
ParamsHolderA class that can be used to parse parameters stored in a map.Classorg.encog.utilHeatonReasearch
ParamTemplateProvides a template for parameters to the opcodes.Classorg.encog.ml.prg.extensionHeatonReasearch
ParseCommonExpressionThis class is used to process a common format equation (in-fix) into the tree format that Encog uses.Classorg.encog.parse.expression.commonHeatonReasearch
ParseCSVLineClassorg.encog.util.csvHeatonReasearch
ParsedChoiceClassorg.encog.ml.bayesian.parseHeatonReasearch
ParsedEventClassorg.encog.ml.bayesian.parseHeatonReasearch
ParsedProbabilityA probability that has been parsed.Classorg.encog.ml.bayesian.parseHeatonReasearch
ParseEPLParse an EPL string.Classorg.encog.parse.expression.eplHeatonReasearch
ParseErrorIndicates an error has occured in one of the parsers.Classorg.encog.parseHeatonReasearch
ParseProbabilityUsed to parse probability strings for the Bayes networks.Classorg.encog.ml.bayesian.parseHeatonReasearch
PassThroughNormalizerA normalizer that simply passes the value through unnormalized.Classorg.encog.ml.data.versatile.normalizersHeatonReasearch
PatternErrorThis class is thrown when an error occurs while using one of the neural network pattern classes.Classorg.encog.neural.patternHeatonReasearch
PeekableInputStreamThis is a special input stream that allows the program to peek one or more characters ahead in the file.Classorg.encog.parseHeatonReasearch
PerformActionInterfaceorg.encog.ml.worldHeatonReasearch
PerformAnalysisThis class is used to perform an analysis of a CSV file.Classorg.encog.app.analyst.analyzeHeatonReasearch
PerformDataDivisionPerform a data division.Classorg.encog.ml.data.versatile.divisionHeatonReasearch
PerformerTaskA task to be performed.Classorg.encog.neural.networks.training.concurrent.performersHeatonReasearch
PersistART1Persist an ART1 network.Classorg.encog.neural.artHeatonReasearch
PersistBAMPersist the BAM network.Classorg.encog.neural.bamHeatonReasearch
PersistBasicNetworkPersist a basic network.Classorg.encog.neural.networksHeatonReasearch
PersistBasicPNNClassorg.encog.neural.pnnHeatonReasearch
PersistBasicUniverseClassorg.encog.ca.universe.basicHeatonReasearch
PersistBayesPersist a Bayesian network.Classorg.encog.ml.bayesianHeatonReasearch
PersistBoltzmannPersist the Boltzmann machine.Classorg.encog.neural.thermalHeatonReasearch
PersistConstSome common persistance constants.Classorg.encog.persistHeatonReasearch
PersistCPNPersist a CPN network.Classorg.encog.neural.cpnHeatonReasearch
PersistErrorGeneral error class for Encog persistence.Classorg.encog.persistHeatonReasearch
PersistHMMClassorg.encog.ml.hmmHeatonReasearch
PersistHopfieldPersist the Hopfield network.Classorg.encog.neural.thermalHeatonReasearch
PersistNEATPopulationPersist a NEAT or HyperNEAT network.Classorg.encog.neural.neatHeatonReasearch
PersistorRegistryRegistry to hold persistors.Classorg.encog.persistHeatonReasearch
PersistPrgPopulationPersist the Encog population.Classorg.encog.ml.prgHeatonReasearch
PersistRBFNetworkPersist a RBF network.Classorg.encog.neural.rbfHeatonReasearch
PersistSOMClassorg.encog.neural.somHeatonReasearch
PersistSVMClassorg.encog.ml.svmHeatonReasearch
PersistTrainingContinuationPersist the training continuation.Classorg.encog.neural.networks.training.propagationHeatonReasearch
PNNConfigConfig class for EncogModel to use a PNN neural network.Classorg.encog.ml.model.configHeatonReasearch
PNNFactoryA factory to create PNN networks.Classorg.encog.ml.factory.methodHeatonReasearch
PNNKernelTypeSpecifies the kernel type for the PNN.Classorg.encog.neural.pnnHeatonReasearch
PNNOutputModeThe output mode that will be used by the PNN.Classorg.encog.neural.pnnHeatonReasearch
PNNPatternPattern to create a PNN.Classorg.encog.neural.patternHeatonReasearch
PNNTrainFactoryA factory used to create PNN trainers.Classorg.encog.ml.factory.trainHeatonReasearch
PoolItemAn Encog task being executed by the Java thread pool.Classorg.encog.util.concurrencyHeatonReasearch
PopulationDefines a population of genomes.Interfaceorg.encog.ml.ea.populationHeatonReasearch
PopulationGeneratorGenerate a random population.Interfaceorg.encog.ml.ea.populationHeatonReasearch
PredictionTypeClassorg.encog.app.analyst.wizardHeatonReasearch
PreprocessActionenum PreprocessActionEnum Constant SummaryClassorg.encog.app.analyst.script.preprocessHeatonReasearch
PrgCODECEncode and decode an Encog program between genome and phenotypes.Classorg.encog.ml.prgHeatonReasearch
PrgFullGeneratorThe full generator works by creating program trees that do not stop prematurely.Classorg.encog.ml.prg.generatorHeatonReasearch
PrgGeneratorGenerate a random Encog Program.Interfaceorg.encog.ml.prg.generatorHeatonReasearch
PrgGenomeFactoryA GenomeFactory that creates EncogProgram genomes.Classorg.encog.ml.prg.trainHeatonReasearch
PrgGrowGeneratorThe grow generator creates a random program by choosing a random node from both the "function and terminal" sets until the maximum depth is reached.Classorg.encog.ml.prg.generatorHeatonReasearch
PrgPopulationA population that contains EncogProgram's.Classorg.encog.ml.prg.trainHeatonReasearch
PrgSpeciationPerform speciation for two Encog programs.Classorg.encog.ml.prg.speciesHeatonReasearch
PrioritizerInterfaceorg.encog.ml.graph.searchHeatonReasearch
ProcessExtensionClassorg.encog.app.analyst.csv.processHeatonReasearch
ProcessFieldHolds one field for Encog analyst preprocess.Classorg.encog.app.analyst.script.processHeatonReasearch
ProcessIndicatorsProcess indicators and generate output.Classorg.encog.app.quant.indicatorsHeatonReasearch
ProgramExtensionTemplateDefines an opcode.Interfaceorg.encog.ml.prg.extensionHeatonReasearch
ProgramGeneratorThis interface defines a generator that works from program blocks, rather than a template.Interfaceorg.encog.app.generate.generatorsHeatonReasearch
ProgramNodeRepresents a program node in an EPL program.Classorg.encog.ml.prgHeatonReasearch
Propagation methods.Classorg.encog.neural.networks.training.propagationHeatonReasearch
PropertyConstraintsHolds constant type information for each of the properties that the script might have.Classorg.encog.app.analyst.script.propHeatonReasearch
PropertyEntryA property entry for the Encog Analyst.Classorg.encog.app.analyst.script.propHeatonReasearch
PropertyTypeThe property types supported for Encog Analyst.Classorg.encog.app.analyst.script.propHeatonReasearch
PruneIncrementalThis class is used to help determine the optimal configuration for the hidden layers of a neural network.Classorg.encog.neural.pruneHeatonReasearch
PruneSelectivePrune a neural network selectively.Classorg.encog.neural.pruneHeatonReasearch
PSOFactoryA factory for quick propagation training.Classorg.encog.ml.factory.trainHeatonReasearch
QLearningClassorg.encog.ml.world.learning.qHeatonReasearch
QRDecomposition For an m-by-n matrix A with m >= n, the QR decomposition is an m-by-n orthogonal matrix Q and an n-by-n upper triangular matrix R so that A = Q*R.Classorg.encog.mathutil.matrices.decompositionHeatonReasearch
QuantErrorUsed to represent any error that occurs in the quant part of Encog.Classorg.encog.app.quantHeatonReasearch
QuantTaskDefines an interface for Encog quant tasks.Interfaceorg.encog.app.quantHeatonReasearch
QuickPropagationQPROP is an efficient training method that is based on Newton's Method.Classorg.encog.neural.networks.training.propagation.quickHeatonReasearch
QuickPropFactoryA factory for quick propagation training.Classorg.encog.ml.factory.trainHeatonReasearch
RadialBasisFunctionA multi-dimension RBF.Interfaceorg.encog.mathutil.rbfHeatonReasearch
RadialBasisPatternA radial basis function (RBF) network uses several radial basis functions to provide a more dynamic hidden layer activation function than many other typesClassorg.encog.neural.patternHeatonReasearch
RampedHalfAndHalfBecause neither the grow or full method provide a very wide array of sizes or shapes on their own, Koza (1992) proposed a combination called rampedClassorg.encog.ml.prg.generatorHeatonReasearch
RandomChoiceGenerate random choices unevenly.Classorg.encog.mathutil.randomizeHeatonReasearch
RandomFactoryInterfaceorg.encog.mathutil.randomize.factoryHeatonReasearch
RandomizerDefines the interface for a class that is capable of randomizing the weights and bias values of a neural network.Interfaceorg.encog.mathutil.randomizeHeatonReasearch
RandomTrainingFactoryClass used to generate random training sets.Classorg.encog.util.benchmarkHeatonReasearch
RandomVariableClassorg.encog.mathutil.probability.varsHeatonReasearch
RangeNormalizerA a range normalizer forces a value to fall in a specific range.Classorg.encog.ml.data.versatile.normalizersHeatonReasearch
RangeOrdinalNormalize an ordinal into a specific range.Classorg.encog.ml.data.versatile.normalizersHeatonReasearch
RangeRandomizerClassorg.encog.mathutil.randomizeHeatonReasearch
RangeSegregatorRange segregators are used to segregate data and include or exclude if it is within a certain range.Classorg.encog.util.normalize.segregateHeatonReasearch
RBFEnumThe implemented function types of the RBFs.Classorg.encog.mathutil.rbfHeatonReasearch
RBFNetworkClassorg.encog.neural.rbfHeatonReasearch
RBFNetworkConfigConfig class for EncogModel to use a RBF neural network.Classorg.encog.ml.model.configHeatonReasearch
RBFNetworkFactoryA factory to create RBF networks.Classorg.encog.ml.factory.methodHeatonReasearch
RBFSVDFactoryThis factory is used to create a SVD trainer for an RBF network.Classorg.encog.ml.factory.trainHeatonReasearch
ReadCSVRead and parse CSV format files.Classorg.encog.util.csvHeatonReasearch
ReadHTMLThis class is designed to parse HTML documents.Classorg.encog.parse.tags.readHeatonReasearch
ReadTagsBase class used to read tags.Classorg.encog.parse.tags.readHeatonReasearch
ReadXMLThis class is designed to read XML.Classorg.encog.parse.tags.readHeatonReasearch
ReflectionUtilThis class includes some utilities to be used with reflection.Classorg.encog.util.objHeatonReasearch
RegularizationStrategyClassorg.encog.neural.networks.training.strategyHeatonReasearch
RenderCommonExpressionRender a common expression.Classorg.encog.parse.expression.commonHeatonReasearch
RenderEPLClassorg.encog.parse.expression.eplHeatonReasearch
RenderLatexExpressionClassorg.encog.parse.expression.latexHeatonReasearch
RenderRPNClassorg.encog.parse.expression.rpnHeatonReasearch
RequiredImprovementStrategyThe reset strategy will reset the weights if the neural network fails to improve by the specified amount over a number of cycles.Classorg.encog.ml.train.strategyHeatonReasearch
RequireTwoPassInterfaceorg.encog.util.normalize.outputHeatonReasearch
ResamplingDataSetFactoryClassorg.encog.ensemble.data.factoriesHeatonReasearch
ResetStrategyThe reset strategy will reset the weights if the neural network fails to fall below a specified error by a specified number of cycles.Classorg.encog.ml.train.strategyHeatonReasearch
ResilientPropagationOne problem with the backpropagation algorithm is that the magnitude of the partial derivative is usually too large or too small.Classorg.encog.neural.networks.training.propagation.resilientHeatonReasearch
ResilientPropagationFactoryClassorg.encog.ensemble.trainingHeatonReasearch
ResourceInputStreamClassorg.encog.util.fileHeatonReasearch
ResourceLoaderUsed to load resources from the JAR file.Classorg.encog.utilHeatonReasearch
RewriteAlgebraicThis class is used to rewrite algebraic expressions into more simple forms.Classorg.encog.ml.prg.train.rewriteHeatonReasearch
RewriteBooleanBasic rewrite rules for boolean expressions.Classorg.encog.ml.prg.train.rewriteHeatonReasearch
RewriteConstantsRewrite any parts of the tree that are constant with a simple constant value.Classorg.encog.ml.prg.train.rewriteHeatonReasearch
RewriteRuleDefines a rewrite rule.Interfaceorg.encog.ml.ea.rulesHeatonReasearch
RGBDownsampleDownsample an image keeping the RGB colors.Classorg.encog.util.downsampleHeatonReasearch
RowComparatorUsed to compare two LoadedRow objects.Classorg.encog.app.analyst.csv.sortHeatonReasearch
RPROPConstConstants used for Resilient Propagation (RPROP) training.Classorg.encog.neural.networks.training.propagation.resilientHeatonReasearch
RPROPFactoryA factory that creates RPROP trainers.Classorg.encog.ml.factory.trainHeatonReasearch
RPROPJobA training definition for RPROP training.Classorg.encog.neural.networks.training.concurrent.jobsHeatonReasearch
RPROPTypeAllows the type of RPROP to be defined.Classorg.encog.neural.networks.training.propagation.resilientHeatonReasearch
RSSThis is the class that actually parses the RSS and builds a collection of RSSItems.Classorg.encog.bot.rssHeatonReasearch
RSSItemClassorg.encog.bot.rssHeatonReasearch
RuleHolderHolds a set of rules for an EA.Interfaceorg.encog.ml.ea.rulesHeatonReasearch
SamplingQueryA sampling query allows probabilistic queries on a Bayesian network.Classorg.encog.ml.bayesian.query.sampleHeatonReasearch
ScaledConjugateGradientThis is a training class that makes use of scaled conjugate gradient methods.Classorg.encog.neural.networks.training.propagation.scgHeatonReasearch
ScaledConjugateGradientFactoryClassorg.encog.ensemble.trainingHeatonReasearch
SCGFactoryA factory used to create SCG trainers.Classorg.encog.ml.factory.trainHeatonReasearch
ScheduleGraphClassorg.encog.ml.scheduleHeatonReasearch
ScriptLoadUsed to load an Encog Analyst script.Classorg.encog.app.analyst.scriptHeatonReasearch
ScriptOpcodeAn opcode, stored in the script.Classorg.encog.app.analyst.script.mlHeatonReasearch
ScriptPropertiesHolds all of the properties for a script.Classorg.encog.app.analyst.script.propHeatonReasearch
ScriptSaveUsed to save an Encog Analyst script.Classorg.encog.app.analyst.scriptHeatonReasearch
SearchGoalInterfaceorg.encog.ml.graph.searchHeatonReasearch
SearchK2Search for optimal Bayes structure with K2.Classorg.encog.ml.bayesian.training.search.k2HeatonReasearch
SearchNoneSimple class to perform no search for optimal network structure.Classorg.encog.ml.bayesian.training.searchHeatonReasearch
SecureGenerateRandomA wrapper over Java's crypto secure random number generator.Classorg.encog.mathutil.randomize.generateHeatonReasearch
SegregateCSVThis class is used to segregate a CSV file into several sub-files.Classorg.encog.app.analyst.csv.segregateHeatonReasearch
SegregateTargetPercentSpecifies a segregation target, and what percent that target should need.Classorg.encog.app.analyst.csv.segregateHeatonReasearch
SegregationRangeSpecifies a range that might be included or excluded.Classorg.encog.util.normalize.segregateHeatonReasearch
SegregatorSegregators are used to exclude certain rows.Interfaceorg.encog.util.normalize.segregateHeatonReasearch
SelectFixedSelect a fixed number of link genes.Classorg.encog.neural.neat.training.opp.linksHeatonReasearch
SelectionOperatorProvides the interface to a selection operator.Interfaceorg.encog.ml.ea.opp.selectionHeatonReasearch
SelectLinksThis interface defines ways that NEAT links can be chosen for mutation.Interfaceorg.encog.neural.neat.training.opp.linksHeatonReasearch
SelectProportionSelect a random proportion of links to mutate.Classorg.encog.neural.neat.training.opp.linksHeatonReasearch
SerializeObjectLoad or save an object using Java serialization.Classorg.encog.util.objHeatonReasearch
ShuffleCSVRandomly shuffle the lines of a CSV file.Classorg.encog.app.analyst.csv.shuffleHeatonReasearch
SimpleDestinationGoalClassorg.encog.ml.graph.searchHeatonReasearch
SimpleEarlyStoppingStrategyA simple early stopping strategy that halts training when the validation set no longer improves.Classorg.encog.ml.train.strategy.endHeatonReasearch
SimpleEstimatorA simple probability estimator.Classorg.encog.ml.bayesian.training.estimatorHeatonReasearch
SimpleIntensityDownsampleDownsample an image using a simple intensity scale.Classorg.encog.util.downsampleHeatonReasearch
SimpleParserClassorg.encog.utilHeatonReasearch
SimulatedAnnealingSimulated annealing is a common training method.Classorg.encog.ml.annealHeatonReasearch
SingleSpeciationThis speciation strategy simply creates a single species that contains the entire population.Classorg.encog.ml.ea.speciesHeatonReasearch
SingularValueDecompositionSingular Value Decomposition.Classorg.encog.mathutil.matrices.decompositionHeatonReasearch
SmartLearningRateAttempt to automatically set the learning rate in a learning method that supports a learning rate.Classorg.encog.neural.networks.training.strategyHeatonReasearch
SmartMomentumClassorg.encog.neural.networks.training.strategyHeatonReasearch
SOMA self organizing map neural network.Classorg.encog.neural.somHeatonReasearch
SOMClusterCopyTrainingSOM cluster copy is a very simple trainer for SOM's.Classorg.encog.neural.som.training.clustercopyHeatonReasearch
SOMFactoryA factory that is used to produce self-organizing maps.Classorg.encog.ml.factory.methodHeatonReasearch
SOMPatternA self organizing map is a neural network pattern with an input and output layer.Classorg.encog.neural.patternHeatonReasearch
SortCSVUsed to sort a CSV file by one, or more, fields.Classorg.encog.app.analyst.csv.sortHeatonReasearch
SortedFieldSpecifies how a field is to be sorted by SortCSV.Classorg.encog.app.analyst.csv.sortHeatonReasearch
SortGenomesForSpeciesSort the gnomes for species.Classorg.encog.ml.ea.sortHeatonReasearch
SortTypeClassorg.encog.app.analyst.csv.sortHeatonReasearch
SourceElementClassorg.encog.app.analyst.wizardHeatonReasearch
SpanA document range that specifies a span tag, and any embedded tags.Classorg.encog.bot.browse.rangeHeatonReasearch
SparseMLDataClassorg.encog.ml.data.sparseHeatonReasearch
SpeciationDefines a speciation strategy.Interfaceorg.encog.ml.ea.speciesHeatonReasearch
SpeciesInterfaceorg.encog.ml.ea.speciesHeatonReasearch
SpeciesComparatorThis comparator is used to compare two species.Classorg.encog.ml.ea.sortHeatonReasearch
SpliceA simple cross over where genes are simply "spliced".Classorg.encog.ml.genetic.crossoverHeatonReasearch
SpliceNoRepeatA simple cross over where genes are simply "spliced".Classorg.encog.ml.genetic.crossoverHeatonReasearch
SQLCODECA CODEC that is designed to read data from an SQL source.Classorg.encog.ml.data.buffer.codecHeatonReasearch
SQLNeuralDataSetA dataset based on a SQL query.Classorg.encog.platformspecific.j2se.dataHeatonReasearch
SRNFactoryA factory that creates simple recurrent neural networks (SRN's), i.Classorg.encog.ml.factory.methodHeatonReasearch
StackingClassorg.encog.ensemble.stackingHeatonReasearch
StackIntClassorg.encog.util.datastructHeatonReasearch
StackObjectClassorg.encog.util.datastructHeatonReasearch
StackStringClassorg.encog.util.datastructHeatonReasearch
StandardExtensionsThis class defines the standard opcodes for Encog programs.Classorg.encog.ml.prg.extensionHeatonReasearch
StateInterfaceorg.encog.ml.worldHeatonReasearch
StateDistributionThis class represents a "state distribution".Interfaceorg.encog.ml.hmm.distributionsHeatonReasearch
StatusReportableThis class allows for Encog jobs to report their current status, as they run.Interfaceorg.encogHeatonReasearch
StopTrainingStrategyThis strategy will indicate once training is no longer improving the neural network by a specified amount, over a specified number of cycles.Classorg.encog.ml.train.strategyHeatonReasearch
StopwatchA stopwatch, meant to emulate the C# Stopwatch class.Classorg.encog.utilHeatonReasearch
StrategyTraining strategies can be added to training algorithms.Interfaceorg.encog.ml.train.strategyHeatonReasearch
SubstrateThe substrate defines the structure of the produced HyperNEAT network.Classorg.encog.neural.hyperneat.substrateHeatonReasearch
SubstrateFactoryProduce substrates for various topologies.Classorg.encog.neural.hyperneat.substrateHeatonReasearch
SubstrateLink ----------------------------------------------------------------------------- http://www.Classorg.encog.neural.hyperneat.substrateHeatonReasearch
SubstrateNodeA substrate node.Classorg.encog.neural.hyperneat.substrateHeatonReasearch
SubtreeCrossoverPerform a type-safe subtree crossover.Classorg.encog.ml.prg.oppHeatonReasearch
SubtreeMutationPerform a type-safe subtree mutation.Classorg.encog.ml.prg.oppHeatonReasearch
SuccessorStateClassorg.encog.ml.worldHeatonReasearch
SVDPerform a SVD decomp on a matrix.Classorg.encog.neural.rbf.trainingHeatonReasearch
SVDTrainingTrain a RBF neural network using a SVD.Classorg.encog.neural.rbf.trainingHeatonReasearch
svmClassorg.encog.mathutil.libsvmHeatonReasearch
SVMThis is a network that is backed by one or more Support Vector Machines (SVM).Classorg.encog.ml.svmHeatonReasearch
svm_modelThis class was taken from the libsvm package.Classorg.encog.mathutil.libsvmHeatonReasearch
svm_nodeThis class was taken from the libsvm package.Classorg.encog.mathutil.libsvmHeatonReasearch
svm_parameterThis class was taken from the libsvm package.Classorg.encog.mathutil.libsvmHeatonReasearch
svm_print_interfaceThis class was taken from the libsvm package.Interfaceorg.encog.mathutil.libsvmHeatonReasearch
svm_problemThis class was taken from the libsvm package.Classorg.encog.mathutil.libsvmHeatonReasearch
SVMConfigConfig class for EncogModel to use an SVM.Classorg.encog.ml.model.configHeatonReasearch
SVMFactoryA factory that is used to create support vector machines (SVM).Classorg.encog.ml.factory.methodHeatonReasearch
SVMFactoryA factory to create SVM trainers.Classorg.encog.ml.factory.trainHeatonReasearch
SVMPatternA pattern to create support vector machines.Classorg.encog.neural.patternHeatonReasearch
SVMSearchFactoryA factory that creates SVM-search trainers.Classorg.encog.ml.factory.trainHeatonReasearch
SVMSearchTrainProvides training for Support Vector Machine networks.Classorg.encog.ml.svm.trainingHeatonReasearch
SVMTrainProvides training for Support Vector Machine networks.Classorg.encog.ml.svm.trainingHeatonReasearch
SVMTypeSupports both class and new support vector calculations, as well as one-class For more information about the two "new" support vector types, as well as theClassorg.encog.ml.svmHeatonReasearch
SystemActivationPluginClassorg.encog.plugin.systemHeatonReasearch
SystemLoggingPluginThis is the built-in logging plugin for Encog.Classorg.encog.plugin.systemHeatonReasearch
SystemMethodsPluginThe system machine learning methods plugin.Classorg.encog.plugin.systemHeatonReasearch
SystemTrainingPluginClassorg.encog.plugin.systemHeatonReasearch
TableLineA line from a Bayesian truth table.Classorg.encog.ml.bayesian.tableHeatonReasearch
TagHTMLTag: This class holds a single HTML tag.Classorg.encog.parse.tagsHeatonReasearch
TagConstConstants to use while parsing the tags.Classorg.encog.parse.tagsHeatonReasearch
TagDataUnitA data unit that holds a tag.Classorg.encog.bot.dataunitHeatonReasearch
TargetLanguageSpecifies the target language for Encog code generation.Classorg.encog.app.generateHeatonReasearch
TaskCountNodesCount the nodes in an acyclic tree.Classorg.encog.ml.tree.traverse.tasksHeatonReasearch
TaskGetNodeIndexGet a node by index.Classorg.encog.ml.tree.traverse.tasksHeatonReasearch
TaskGroupA task group is a group of tasks that you would like to execute at once.Classorg.encog.util.concurrencyHeatonReasearch
TaskReplaceNodeTask to replace a node.Classorg.encog.ml.tree.traverse.tasksHeatonReasearch
TemplateGeneratorThis interface defines a generator that works by template.Interfaceorg.encog.app.generate.generatorsHeatonReasearch
TemporalDataDescriptionThis class describes one unit of input, or output, to a temporal neural network.Classorg.encog.ml.data.temporalHeatonReasearch
TemporalErrorError occurred processing temporal data.Classorg.encog.ml.data.temporalHeatonReasearch
TemporalMLDataSetThis class implements a temporal neural data set.Classorg.encog.ml.data.temporalHeatonReasearch
TemporalPointA temporal point is all of the data captured at one point in time to be used for prediction.Classorg.encog.ml.data.temporalHeatonReasearch
TemporalTypeOperations that the temporal class may perform on fields.Classorg.encog.util.arrayutilHeatonReasearch
TemporalWindowArrayProduce a time-series from an array.Classorg.encog.util.arrayutilHeatonReasearch
TemporalWindowFieldClassorg.encog.util.arrayutilHeatonReasearch
TempTrainingDataInterfaceorg.encog.neural.freeformHeatonReasearch
TestClassorg.encogHeatonReasearch
TextDataUnitA data unit that holds text.Classorg.encog.bot.dataunitHeatonReasearch
ThermalNetworkThe thermal network forms the base class for Hopfield and Boltzmann machines.Classorg.encog.neural.thermalHeatonReasearch
ThresholdSpeciationSpeciate based on threshold.Classorg.encog.ml.ea.speciesHeatonReasearch
TickerSymbolHolds a ticker symbol and exchange.Classorg.encog.ml.data.marketHeatonReasearch
TimeSeriesUtilA utility used to breat data into time-series lead and lag.Classorg.encog.app.analyst.csvHeatonReasearch
TimeSpanA timespan between two Dates.Classorg.encog.util.timeHeatonReasearch
TimeUnitClassorg.encog.util.timeHeatonReasearch
TimeUnitNamesGet the name or code for a time unit.Interfaceorg.encog.util.timeHeatonReasearch
TournamentSelectionTournament select can be used to select a fit (or unfit) genome from a species.Classorg.encog.ml.ea.opp.selectionHeatonReasearch
TrainThis is an alias class for Encog 2.Interfaceorg.encog.neural.networks.trainingHeatonReasearch
TrainAdalineTrain an ADALINE neural network.Classorg.encog.neural.networks.training.simpleHeatonReasearch
TrainBasicPNNClassorg.encog.neural.networks.training.pnnHeatonReasearch
TrainBaumWelchBaum Welch Learning allows a HMM to be constructed from a series of sequence observations.Classorg.encog.ml.hmm.train.bwHeatonReasearch
TrainBaumWelchScaledBaum Welch Learning allows a HMM to be constructed from a series of sequence observations.Classorg.encog.ml.hmm.train.bwHeatonReasearch
TrainBayesianTrain a Bayesian network.Classorg.encog.ml.bayesian.trainingHeatonReasearch
TrainBayesianFactoryClassorg.encog.ml.factory.trainHeatonReasearch
TrainEAProvides a MLTrain compatible class that can be used to train genomes.Classorg.encog.ml.ea.train.basicHeatonReasearch
TrainGaussianClassorg.encog.ml.fitting.gaussianHeatonReasearch
TrainingContinuationAllows training to be continued.Classorg.encog.neural.networks.training.propagationHeatonReasearch
TrainingDialogDisplay a training dialog.Classorg.encog.platformspecific.j2seHeatonReasearch
TrainingErrorThrown when a training error occurs.Classorg.encog.neural.networks.trainingHeatonReasearch
TrainingImplementationTypeenum TrainingImplementationTypeSpecifies the type of training that an object provides.Classorg.encog.mlHeatonReasearch
TrainingJobBase class for all concurrent training jobs.Classorg.encog.neural.networks.training.concurrent.jobsHeatonReasearch
TrainingSetScoreCalculate a score based on a training set.Classorg.encog.neural.networks.trainingHeatonReasearch
TrainingSetUtilClassorg.encog.util.simpleHeatonReasearch
TrainInstarUsed for Instar training of a CPN neural network.Classorg.encog.neural.cpn.trainingHeatonReasearch
TrainKMeansTrain a Hidden Markov Model (HMM) with the KMeans algorithm.Classorg.encog.ml.hmm.train.kmeansHeatonReasearch
TrainLinearRegressionClassorg.encog.ml.fitting.linearHeatonReasearch
TrainOutstarUsed for Instar training of a CPN neural network.Classorg.encog.neural.cpn.trainingHeatonReasearch
TransClassorg.encog.ca.program.genericHeatonReasearch
TreeNodeInterfaceorg.encog.ml.treeHeatonReasearch
TreeTraversalDefines a method for traversing a tree.Interfaceorg.encog.ml.tree.traverseHeatonReasearch
TreeTraversalTaskA task used to traverse the tree.Interfaceorg.encog.ml.tree.traverseHeatonReasearch
TruncationSelectionTruncation selection chooses a random genome from the top genomes in the population.Classorg.encog.ml.ea.opp.selectionHeatonReasearch
UniverseInterfaceorg.encog.ca.universeHeatonReasearch
UniverseCellInterfaceorg.encog.ca.universeHeatonReasearch
UniverseCellFactoryInterfaceorg.encog.ca.universeHeatonReasearch
UniverseListenerInterfaceorg.encog.ca.universeHeatonReasearch
URLUtilityURLUtility: A set of useful utilities for processing URL's.Classorg.encog.util.httpHeatonReasearch
ValidateNetworkClassorg.encog.util.validateHeatonReasearch
ValueIterationClassorg.encog.ml.world.learning.mdpHeatonReasearch
ValueTypeClassorg.encog.ml.prg.expvalueHeatonReasearch
VariableListClassorg.encog.mathutil.probability.varsHeatonReasearch
VariableMappingA variable mapping defines the type for each of the variables in an EncogSee Also:Serialized FormClassorg.encog.ml.prgHeatonReasearch
VectorAlgebraBasic vector algebra operators.Classorg.encog.mathutilHeatonReasearch
VectorWindowCreate a sliding window of double arrays.Classorg.encog.util.arrayutilHeatonReasearch
VersatileDataSourceDefines a data source for the versatile data set.Interfaceorg.encog.ml.data.versatile.sourcesHeatonReasearch
VersatileMLDataSetThe versatile dataset supports several advanced features.Classorg.encog.ml.data.versatileHeatonReasearch
ViterbiCalculatorThe Viterbi algorithm is used to find the most likely sequence of hidden states (called the Viterbi path) that results in a sequence of observedClassorg.encog.ml.hmm.alogHeatonReasearch
WebPageHolds a web page that was loaded by the Browse class.Classorg.encog.bot.browseHeatonReasearch
WeightedResamplingDataSetFactoryClassorg.encog.ensemble.data.factoriesHeatonReasearch
WindowDoubleThis class implements a simple sliding window.Classorg.encog.util.arrayutilHeatonReasearch
WindowIntClassorg.encog.util.datastructHeatonReasearch
WizardMethodTypeenum WizardMethodTypeThe machine learning method that the Encog Analyst Wizard should use.Classorg.encog.app.analyst.wizardHeatonReasearch
WorldInterfaceorg.encog.ml.worldHeatonReasearch
WorldAgentInterfaceorg.encog.ml.worldHeatonReasearch
WorldErrorClassorg.encog.ml.worldHeatonReasearch
WrappingNonResamplingDataSetFactoryClassorg.encog.ensemble.data.factoriesHeatonReasearch
WriteTagsClass used to write out tags, such as XML or HTML.Classorg.encog.parse.tags.writeHeatonReasearch
WriteXMLContains specifics to writing XML.Classorg.encog.parse.tags.writeHeatonReasearch
YahooDownloadDownload financial data from Yahoo.Classorg.encog.app.quant.loader.yahooHeatonReasearch
YahooFinanceLoaderThis class loads financial data from Yahoo.Classorg.encog.ml.data.market.loaderHeatonReasearch
YahooSearchYahooSearch: Perform a search using Yahoo.Classorg.encog.utilHeatonReasearch
ZAxisGroupUsed to group Z-Axis fields together.Classorg.encog.util.normalize.output.zaxisHeatonReasearch
ZeroEvalScoreFunctionThis is a very simple evaluation function that simply passes in all zeros for the input arguments.Classorg.encog.ml.prg.trainHeatonReasearch