Serialized Form


Package org.encog

Class org.encog.EncogError extends RuntimeException implements Serializable

serialVersionUID: -5909341149180956178L


Package org.encog.app.analyst

Class org.encog.app.analyst.AnalystError extends EncogError implements Serializable

serialVersionUID: 1L


Package org.encog.app.generate

Class org.encog.app.generate.AnalystCodeGenerationError extends AnalystError implements Serializable

serialVersionUID: 0L


Package org.encog.app.quant

Class org.encog.app.quant.QuantError extends EncogError implements Serializable

serialVersionUID: 4280940104791165511L


Package org.encog.app.quant.loader

Class org.encog.app.quant.loader.LoaderError extends QuantError implements Serializable

serialVersionUID: 7737393439642876303L


Package org.encog.bot

Class org.encog.bot.BotError extends EncogError implements Serializable

serialVersionUID: 4280940104791165511L


Package org.encog.bot.browse

Class org.encog.bot.browse.BrowseError extends BotError implements Serializable

serialVersionUID: -7166136514935838114L


Package org.encog.ca

Class org.encog.ca.CellularAutomataError extends EncogError implements Serializable

serialVersionUID: 0L


Package org.encog.ca.program.basic

Class org.encog.ca.program.basic.BasicProgram extends Object implements Serializable

Serialized Fields

movements

Movement[] movements

Class org.encog.ca.program.basic.Movement extends Object implements Serializable

Serialized Fields

rowMovement

int rowMovement

columnmMovement

int columnmMovement

Package org.encog.ca.program.conway

Class org.encog.ca.program.conway.ConwayProgram extends BasicProgram implements Serializable

Serialized Fields

sourceUniverse

Universe sourceUniverse

targetUniverse

Universe targetUniverse

Package org.encog.ca.program.elementary

Class org.encog.ca.program.elementary.ElementaryCA extends BasicProgram implements Serializable

Serialized Fields

output

boolean[] output

currentRow

int currentRow

rule

int rule

sourceUniverse

Universe sourceUniverse

targetUniverse

Universe targetUniverse

Package org.encog.ca.program.generic

Class org.encog.ca.program.generic.GenericCA extends BasicProgram implements Serializable

serialVersionUID: 1L

Serialized Fields

physics

double[] physics

stepTrans

Set<E> stepTrans

finalTrans

Set<E> finalTrans

sourceUniverse

Universe sourceUniverse

targetUniverse

Universe targetUniverse

ruleCount

int ruleCount

Class org.encog.ca.program.generic.Trans extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

limit

double limit

add1

UniverseCell add1

mult

UniverseCell mult

add2

UniverseCell add2

factory

UniverseCellFactory factory

Package org.encog.ca.universe.basic

Class org.encog.ca.universe.basic.BasicCellFactory extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

size

int size

min

double min

max

double max

elementCount

int elementCount

Class org.encog.ca.universe.basic.BasicContinuousCell extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

data

double[] data

min

double min

max

double max

Class org.encog.ca.universe.basic.BasicDiscreteCell extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

data

int[] data

elementCount

int elementCount

Class org.encog.ca.universe.basic.BasicUniverse extends BasicML implements Serializable

serialVersionUID: 1L

Serialized Fields

data

UniverseCell[][] data

cellFactory

UniverseCellFactory cellFactory

Package org.encog.engine.network.activation

Class org.encog.engine.network.activation.ActivationBiPolar extends Object implements Serializable

serialVersionUID: -7166136514935838114L

Serialized Fields

params

double[] params
The parameters.

Class org.encog.engine.network.activation.ActivationBipolarSteepenedSigmoid extends Object implements Serializable

serialVersionUID: 1L

Class org.encog.engine.network.activation.ActivationClippedLinear extends Object implements Serializable

serialVersionUID: 1L

Class org.encog.engine.network.activation.ActivationCompetitive extends Object implements Serializable

serialVersionUID: 5396927873082336888L

Serialized Fields

params

double[] params
The parameters.

Class org.encog.engine.network.activation.ActivationElliott extends Object implements Serializable

serialVersionUID: 1234L

Serialized Fields

params

double[] params
The parameters.

Class org.encog.engine.network.activation.ActivationElliottSymmetric extends Object implements Serializable

Serialized Fields

params

double[] params
The parameters.

Class org.encog.engine.network.activation.ActivationGaussian extends Object implements Serializable

serialVersionUID: -7166136514935838114L

Serialized Fields

params

double[] params
The parameters.

Class org.encog.engine.network.activation.ActivationLinear extends Object implements Serializable

serialVersionUID: -5356580554235104944L

Serialized Fields

params

double[] params
The parameters.

Class org.encog.engine.network.activation.ActivationLOG extends Object implements Serializable

serialVersionUID: 7134233791725797522L

Serialized Fields

params

double[] params
The parameters.

Class org.encog.engine.network.activation.ActivationRamp extends Object implements Serializable

serialVersionUID: 6336245112244386279L

Serialized Fields

params

double[] params
The parameters.

Class org.encog.engine.network.activation.ActivationSigmoid extends Object implements Serializable

serialVersionUID: 5622349801036468572L

Serialized Fields

params

double[] params
The parameters.

Class org.encog.engine.network.activation.ActivationSIN extends Object implements Serializable

serialVersionUID: 5301501177778271284L

Serialized Fields

params

double[] params
The parameters.

Class org.encog.engine.network.activation.ActivationSoftMax extends Object implements Serializable

serialVersionUID: -960489243250457611L

Serialized Fields

params

double[] params
The parameters.

Class org.encog.engine.network.activation.ActivationSteepenedSigmoid extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

params

double[] params
The parameters.

Class org.encog.engine.network.activation.ActivationStep extends Object implements Serializable

serialVersionUID: 3416782010146745754L

Serialized Fields

params

double[] params
The parameters.

Class org.encog.engine.network.activation.ActivationTANH extends Object implements Serializable

serialVersionUID: 9121998892720207643L

Serialized Fields

params

double[] params
The parameters.


Package org.encog.ensemble

Class org.encog.ensemble.Ensemble.NotPossibleInThisMethod extends Exception implements Serializable

serialVersionUID: 5118253806179408868L


Package org.encog.mathutil

Class org.encog.mathutil.EncogMathError extends EncogError implements Serializable

serialVersionUID: 6219065927838486625L

Class org.encog.mathutil.Equilateral extends Object implements Serializable

Serialized Fields

matrix

double[][] matrix
The matrix of values that was generated.

Class org.encog.mathutil.IntPair extends Object implements Serializable

Serialized Fields

x

int x

y

int y

Package org.encog.mathutil.libsvm

Class org.encog.mathutil.libsvm.svm_model extends Object implements Serializable

Serialized Fields

param

svm_parameter param

nr_class

int nr_class

l

int l

SV

svm_node[][] SV

sv_coef

double[][] sv_coef

rho

double[] rho

probA

double[] probA

probB

double[] probB

label

int[] label

nSV

int[] nSV

Class org.encog.mathutil.libsvm.svm_node extends Object implements Serializable

Serialized Fields

index

int index

value

double value

Class org.encog.mathutil.libsvm.svm_parameter extends Object implements Serializable

Serialized Fields

svm_type

int svm_type

kernel_type

int kernel_type

degree

int degree

gamma

double gamma

coef0

double coef0

cache_size

double cache_size

eps

double eps

C

double C

nr_weight

int nr_weight

weight_label

int[] weight_label

weight

double[] weight

nu

double nu

p

double p

shrinking

int shrinking

probability

int probability

Class org.encog.mathutil.libsvm.svm_problem extends Object implements Serializable

Serialized Fields

l

int l

y

double[] y

x

svm_node[][] x

Package org.encog.mathutil.matrices

Class org.encog.mathutil.matrices.Matrix extends Object implements Serializable

serialVersionUID: -7977897210426471675L

Serialized Fields

matrix

double[][] matrix
The matrix data.

Class org.encog.mathutil.matrices.MatrixError extends EncogError implements Serializable

serialVersionUID: -8961386981267748942L


Package org.encog.mathutil.matrices.decomposition

Class org.encog.mathutil.matrices.decomposition.CholeskyDecomposition extends Object implements Serializable

Serialized Fields

l

double[][] l
Array for internal storage of decomposition.


n

int n
Row and column dimension (square matrix).


isspd

boolean isspd
Symmetric and positive definite flag.


Package org.encog.mathutil.probability.vars

Class org.encog.mathutil.probability.vars.RandomVariable extends Object implements Serializable

Serialized Fields

label

String label

choices

String[] choices

Package org.encog.mathutil.randomize

Class org.encog.mathutil.randomize.RandomChoice extends Object implements Serializable

Serialized Fields

probabilities

double[] probabilities
The probabilities of each item in the list.


Package org.encog.mathutil.randomize.factory

Class org.encog.mathutil.randomize.factory.BasicRandomFactory extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

seedProducer

Random seedProducer
A random generator to generate random seeds.


Package org.encog.mathutil.rbf

Class org.encog.mathutil.rbf.BasicRBF extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

center

double[] center
The center of the RBF.


peak

double peak
The peak of the RBF.


width

double width
The width of the RBF.

Class org.encog.mathutil.rbf.GaussianFunction extends BasicRBF implements Serializable

serialVersionUID: 1L

Class org.encog.mathutil.rbf.InverseMultiquadricFunction extends BasicRBF implements Serializable

serialVersionUID: 1L

Class org.encog.mathutil.rbf.MexicanHatFunction extends BasicRBF implements Serializable

serialVersionUID: 1L

Class org.encog.mathutil.rbf.MultiquadricFunction extends BasicRBF implements Serializable

serialVersionUID: 1L


Package org.encog.ml

Class org.encog.ml.BasicML extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

properties

Map<K,V> properties
Properties about the neural network. Some NeuralLogic classes require certain properties to be set.


Package org.encog.ml.bayesian

Class org.encog.ml.bayesian.BayesianChoice extends Object implements Serializable

Serialized Fields

label

String label
The label for this choice.


min

double min
The min values, if continuous, or the index if discrete.


max

double max
The max values, if continuous, or the index if discrete.

Class org.encog.ml.bayesian.BayesianError extends EncogError implements Serializable

Class org.encog.ml.bayesian.BayesianEvent extends Object implements Serializable

Serialized Fields

label

String label
The label for this event.


parents

List<E> parents
The parents, or given.


children

List<E> children
The children, or events that use us as a given.


choices

Set<E> choices
The discrete choices that make up the state of this event.


table

BayesianTable table
The truth table for this event.


minimumChoiceIndex

int minimumChoiceIndex
The index of the minimum choice.


minimumChoice

double minimumChoice
THe value of the minimum choice.


maximumChoiceIndex

int maximumChoiceIndex
The index of the maximum choice.


maximumChoice

double maximumChoice
The value of the maximum choice.

Class org.encog.ml.bayesian.BayesianNetwork extends BasicML implements Serializable

Serialized Fields

eventMap

Map<K,V> eventMap
Mapping between the event string names, and the actual events.


events

List<E> events
A listing of all of the events.


query

BayesianQuery query
The current Bayesian query.


inputPresent

boolean[] inputPresent
Specifies if each input is present.


classificationTarget

int classificationTarget
Specifies the classification target.


classificationProbabilities

double[] classificationProbabilities
The probabilities of each classification.


Package org.encog.ml.bayesian.query

Class org.encog.ml.bayesian.query.BasicQuery extends Object implements Serializable

Serialized Fields

network

BayesianNetwork network
The network to be queried.


events

Map<K,V> events
A mapping of the events to event states.


evidenceEvents

List<E> evidenceEvents
The evidence events.


outcomeEvents

List<E> outcomeEvents
The outcome events.


Package org.encog.ml.bayesian.query.enumerate

Class org.encog.ml.bayesian.query.enumerate.EnumerationQuery extends BasicQuery implements Serializable

Serialized Fields

enumerationEvents

List<E> enumerationEvents
The events that we will enumerate over.


probability

double probability
The calculated probability.


Package org.encog.ml.bayesian.query.sample

Class org.encog.ml.bayesian.query.sample.EventState extends Object implements Serializable

Serialized Fields

calculated

boolean calculated
Has this event been calculated yet?


value

int value
The current value of this event.


event

BayesianEvent event
The event that this state is connected to.


eventType

EventType eventType
The type of event that this is for the query.


compareValue

int compareValue
The value that we are comparing to, for probability.

Class org.encog.ml.bayesian.query.sample.SamplingQuery extends BasicQuery implements Serializable

Serialized Fields

sampleSize

int sampleSize
The sample size.


usableSamples

int usableSamples
The number of usable samples. This is the set size for the average probability.


goodSamples

int goodSamples
The number of samples that matched the result the query is looking for.


totalSamples

int totalSamples
The total number of samples generated. This should match sampleSize at the end of a query.


Package org.encog.ml.bayesian.table

Class org.encog.ml.bayesian.table.BayesianTable extends Object implements Serializable

Serialized Fields

event

BayesianEvent event
The event that owns this truth table.


lines

List<E> lines
The lines of the truth table.

Class org.encog.ml.bayesian.table.TableLine extends Object implements Serializable

Serialized Fields

probability

double probability
The probability.


result

int result
The result.


arguments

int[] arguments
The arguments.


Package org.encog.ml.data

Class org.encog.ml.data.MLDataError extends RuntimeException implements Serializable

serialVersionUID: 7167228729133120101L


Package org.encog.ml.data.auto

Class org.encog.ml.data.auto.AutoFloatDataSet extends Object implements Serializable

Serialized Fields

sourceInputCount

int sourceInputCount

sourceIdealCount

int sourceIdealCount

inputWindowSize

int inputWindowSize

outputWindowSize

int outputWindowSize

columns

List<E> columns

normalizedMax

float normalizedMax

normalizedMin

float normalizedMin

normalizationEnabled

boolean normalizationEnabled

Package org.encog.ml.data.basic

Class org.encog.ml.data.basic.BasicMLData extends Object implements Serializable

serialVersionUID: -3644304891793584603L

Serialized Fields

data

double[] data
The data held by this object.

Class org.encog.ml.data.basic.BasicMLDataPair extends Object implements Serializable

serialVersionUID: -9068229682273861359L

Serialized Fields

significance

double significance
The significance.


ideal

MLData ideal
The the expected output from the machine learning method, or null for unsupervised training.


input

MLData input
The training input to the machine learning method.

Class org.encog.ml.data.basic.BasicMLDataSet extends Object implements Serializable

serialVersionUID: -2279722928570071183L

Serialized Fields

data

List<E> data
The data held by this object.

Class org.encog.ml.data.basic.BasicMLSequenceSet extends Object implements Serializable

serialVersionUID: -2279722928570071183L

Serialized Fields

sequences

List<E> sequences
The data held by this object.


currentSequence

MLDataSet currentSequence

Package org.encog.ml.data.buffer

Class org.encog.ml.data.buffer.BufferedDataError extends EncogError implements Serializable

serialVersionUID: 2889950431643029874L

Class org.encog.ml.data.buffer.BufferedMLDataSet extends Object implements Serializable

serialVersionUID: 2577778772598513566L

Serialized Fields

file

File file
The file being used.


Package org.encog.ml.data.market

Class org.encog.ml.data.market.MarketError extends TemporalError implements Serializable

serialVersionUID: 9199552396430520659L

Class org.encog.ml.data.market.MarketMLDataSet extends TemporalMLDataSet implements Serializable

serialVersionUID: 170791819906003867L

Serialized Fields

loader

MarketLoader loader
The loader to use to obtain the data.


pointIndex

Map<K,V> pointIndex
A map between the data points and actual data.


Package org.encog.ml.data.market.loader

Class org.encog.ml.data.market.loader.LoaderError extends MarketError implements Serializable

serialVersionUID: 4525043656696667974L


Package org.encog.ml.data.sparse

Class org.encog.ml.data.sparse.SparseMLData extends Object implements Serializable

Serialized Fields

index

int[] index

data

double[] data
The data held by this object.


Package org.encog.ml.data.specific

Class org.encog.ml.data.specific.BiPolarNeuralData extends Object implements Serializable

serialVersionUID: -6082894455587612231L

Serialized Fields

data

boolean[] data
The data held by this object.

Class org.encog.ml.data.specific.CSVNeuralDataSet extends BasicMLDataSet implements Serializable

serialVersionUID: 1L

Serialized Fields

filename

String filename
The CSV filename to read from.


format

CSVFormat format
The format of this CSV file.


Package org.encog.ml.data.temporal

Class org.encog.ml.data.temporal.TemporalError extends EncogError implements Serializable

serialVersionUID: -5534812476029464649L

Class org.encog.ml.data.temporal.TemporalMLDataSet extends BasicNeuralDataSet implements Serializable

serialVersionUID: 7846736117000051687L

Serialized Fields

descriptions

List<E> descriptions
Descriptions of the data needed.


points

List<E> points
The temporal points at which we have data.


inputWindowSize

int inputWindowSize
The size of the input window, this is the data being used to predict.


predictWindowSize

int predictWindowSize
The size of the prediction window.


lowSequence

int lowSequence
The lowest sequence.


highSequence

int highSequence
The highest sequence.


desiredSetSize

int desiredSetSize
How big would we like the input size to be.


inputNeuronCount

int inputNeuronCount
How many input neurons will be used.


outputNeuronCount

int outputNeuronCount
How many output neurons will there be.


startingPoint

Date startingPoint
What is the date for the first temporal point.


sequenceGrandularity

TimeUnit sequenceGrandularity
What is the granularity of the temporal points? Days, months, years, etc?


Package org.encog.ml.ea.exception

Class org.encog.ml.ea.exception.EACompileError extends EAError implements Serializable

serialVersionUID: 1L

Class org.encog.ml.ea.exception.EAError extends EncogError implements Serializable

serialVersionUID: 1L

Class org.encog.ml.ea.exception.EARuntimeError extends EAError implements Serializable

serialVersionUID: 1L


Package org.encog.ml.ea.genome

Class org.encog.ml.ea.genome.BasicGenome extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

adjustedScore

double adjustedScore
The adjusted score. If unknown, it is set to NaN.


score

double score
The score of this genome.


population

Population population
The population this genome belongs to.


birthGeneration

int birthGeneration
The birth generation for this genome.


species

Species species
The species of this genome.


Package org.encog.ml.ea.opp

Class org.encog.ml.ea.opp.OperationList extends ChooseObject<EvolutionaryOperator> implements Serializable

serialVersionUID: 1L


Package org.encog.ml.ea.opp.selection

Class org.encog.ml.ea.opp.selection.TournamentSelection extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

trainer

EvolutionaryAlgorithm trainer
The trainer being used.


rounds

int rounds
The number of rounds.

Class org.encog.ml.ea.opp.selection.TruncationSelection extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

trainer

EvolutionaryAlgorithm trainer
The trainer.


percent

double percent
The percent to select from.


Package org.encog.ml.ea.population

Class org.encog.ml.ea.population.BasicPopulation extends BasicML implements Serializable

serialVersionUID: 1L

Serialized Fields

name

String name
The object name.


species

List<E> species
The species that make up the population.


bestGenome

Genome bestGenome
The best genome.


genomeFactory

GenomeFactory genomeFactory
A factory that can be used to store create genomes.


populationSize

int populationSize
How many genomes should be created.


Package org.encog.ml.ea.score

Class org.encog.ml.ea.score.EmptyScoreFunction extends Object implements Serializable

serialVersionUID: 1L


Package org.encog.ml.ea.sort

Class org.encog.ml.ea.sort.AbstractGenomeComparator extends Object implements Serializable

serialVersionUID: 1L

Class org.encog.ml.ea.sort.MaximizeAdjustedScoreComp extends AbstractGenomeComparator implements Serializable

serialVersionUID: 1L

Class org.encog.ml.ea.sort.MaximizeScoreComp extends AbstractGenomeComparator implements Serializable

serialVersionUID: 1L

Class org.encog.ml.ea.sort.MinimizeAdjustedScoreComp extends AbstractGenomeComparator implements Serializable

serialVersionUID: 1L

Class org.encog.ml.ea.sort.MinimizeScoreComp extends AbstractGenomeComparator implements Serializable

serialVersionUID: 1L


Package org.encog.ml.ea.species

Class org.encog.ml.ea.species.BasicSpecies extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

age

int age
The age of this species.


bestScore

double bestScore
The best score.


gensNoImprovement

int gensNoImprovement
The number of generations with no improvement.


leader

Genome leader
The leader.


members

List<E> members
The list of genomes.


population

Population population
The owner class.

Class org.encog.ml.ea.species.ThresholdSpeciation extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

owner

EvolutionaryAlgorithm owner
The training being used.


compatibilityThreshold

double compatibilityThreshold
The minimum compatibility that two genes must have to be in the same species.


numGensAllowedNoImprovement

int numGensAllowedNoImprovement
The maximum number of generations allows with no improvement. After this the genomes in this species are not allowed to reproduce or continue. This does not apply to top species.


maxNumberOfSpecies

int maxNumberOfSpecies
The maximum number of species. This is just a target. If the number of species goes over this number then the compatibilityThreshold is increased to decrease the number of species.


sortGenomes

SortGenomesForSpecies sortGenomes
The method used to sort the genomes in the species. More desirable genomes should come first for later selection.


population

Population population
The population.


Package org.encog.ml.ea.train.basic

Class org.encog.ml.ea.train.basic.BasicEA extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

ignoreExceptions

boolean ignoreExceptions
Should exceptions be ignored.


bestComparator

GenomeComparator bestComparator
The genome comparator.


selectionComparator

GenomeComparator selectionComparator
The genome comparator.


population

Population population
The population.


scoreFunction

CalculateScore scoreFunction
The score calculation function.


selection

SelectionOperator selection
The selection operator.


adjusters

List<E> adjusters
The score adjusters.


operators

OperationList operators
The operators. to use.


codec

GeneticCODEC codec
The CODEC to use to convert between genome and phenome.


randomNumberFactory

RandomFactory randomNumberFactory
Random number factory.


validationMode

boolean validationMode
The validation mode.


iteration

int iteration
The iteration number.


threadCount

int threadCount
The desired thread count.


actualThreadCount

int actualThreadCount
The actual thread count.


speciation

Speciation speciation
The speciation method.


reportedError

Throwable reportedError
This property stores any error that might be reported by a thread.


oldBestGenome

Genome oldBestGenome
The best genome from the last iteration.


newPopulation

List<E> newPopulation
The population for the next iteration.


champMutation

EvolutionaryOperator champMutation
The mutation to be used on the top genome. We want to only modify its weights.


eliteRate

double eliteRate
The percentage of a species that is "elite" and is passed on directly.


maxTries

int maxTries
The number of times to try certian operations, so an endless loop does not occur.


bestGenome

Genome bestGenome
The best ever genome.


taskExecutor

ExecutorService taskExecutor
The thread pool executor.


threadList

List<E> threadList
Holds the threads used each iteration.


rules

RuleHolder rules
Holds rewrite and constraint rules.


maxOperationErrors

int maxOperationErrors

Class org.encog.ml.ea.train.basic.TrainEA extends BasicEA implements Serializable

serialVersionUID: 1L


Package org.encog.ml.fitness

Class org.encog.ml.fitness.FitnessObjective extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

weight

double weight
The weight.


score

CalculateScore score
The score function.

Class org.encog.ml.fitness.MultiObjectiveFitness extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

objectives

List<E> objectives
The objectives.


min

boolean min
Is the goal to minimize the score?

Class org.encog.ml.fitness.ZeroEvalScoreFunction extends Object implements Serializable


Package org.encog.ml.genetic

Class org.encog.ml.genetic.GeneticError extends EncogError implements Serializable

serialVersionUID: -5557732297908150500L

Class org.encog.ml.genetic.MLEncodableCODEC extends Object implements Serializable

serialVersionUID: 1L

Class org.encog.ml.genetic.MLMethodGeneticAlgorithm.MLMethodGeneticAlgorithmHelper extends TrainEA implements Serializable

serialVersionUID: 1L

Class org.encog.ml.genetic.MLMethodGenome extends DoubleArrayGenome implements Serializable

serialVersionUID: 1L

Serialized Fields

phenotype

MLEncodable phenotype
The phenome.


Package org.encog.ml.genetic.genome

Class org.encog.ml.genetic.genome.DoubleArrayGenome extends BasicGenome implements Serializable

serialVersionUID: 1L

Serialized Fields

data

double[] data
The data.

Class org.encog.ml.genetic.genome.IntegerArrayGenome extends BasicGenome implements Serializable

serialVersionUID: 1L

Serialized Fields

data

int[] data
The genome data.


Package org.encog.ml.hmm

Class org.encog.ml.hmm.HiddenMarkovModel extends BasicML implements Serializable

serialVersionUID: 1L

Serialized Fields

pi

double[] pi
The initial probabilities for each state.


transitionProbability

double[][] transitionProbability
The transitional probabilities between the states.


stateDistributions

StateDistribution[] stateDistributions
The mapping of observation probabilities to the states.


items

int[] items
The counts for each item in a discrete HMM.


Package org.encog.ml.hmm.distributions

Class org.encog.ml.hmm.distributions.ContinousDistribution extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

dimension

int dimension
The dimensions.


mean

double[] mean
The means for each dimension.


covariance

Matrix covariance
The covariance matrix.


covarianceL

Matrix covarianceL
The covariance left side.


covarianceInv

Matrix covarianceInv
The covariance inverse.


covarianceDet

double covarianceDet
The covariance determinant.


cd

CholeskyDecomposition cd
Used to perform a decomposition.

Class org.encog.ml.hmm.distributions.DiscreteDistribution extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

probabilities

double[][] probabilities
The probabilities of moving between states.


Package org.encog.ml.prg

Class org.encog.ml.prg.EncogProgram extends BasicGenome implements Serializable

serialVersionUID: 1L

Serialized Fields

variables

EncogProgramVariables variables
The variables that will be used by this Encog program.


context

EncogProgramContext context
The context that this Encog program executes in, the context is typically shared with other Encog programs.


rootNode

ProgramNode rootNode
The root node of the program.


extraData

Map<K,V> extraData
Holds extra data that might be needed by user extended opcodes.

Class org.encog.ml.prg.EncogProgramContext extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

format

CSVFormat format
The number formatting used. Namely, what type of radix point should strings be parsed/rendered to.


functions

FunctionFactory functions
The functions, or opcodes, that are available to the program. This defines the set of functions & operators that a program might use. For an Encog Program all operators are treated as functions internally. A operator is essentially a shortcut notation for common functions.


definedVariables

List<E> definedVariables
The defined variables. These variables are constant for the run of the program, but typically change for each run. They are essentially the variables that make up an algebraic expression.


map

Map<K,V> map
Lookup map for the defined variables.


result

VariableMapping result
The return value mapping for the programs.

Class org.encog.ml.prg.EncogProgramVariables extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

varMap

Map<K,V> varMap
A map to the index values of each variable name.


variables

List<E> variables
The values of each variable. The order lines up to the order defined in the context.

Class org.encog.ml.prg.ExpressionError extends EACompileError implements Serializable

serialVersionUID: 1L

Class org.encog.ml.prg.ProgramNode extends BasicTreeNode implements Serializable

serialVersionUID: 1L

Serialized Fields

template

ProgramExtensionTemplate template
The opcode that this node implements.


owner

EncogProgram owner
The Encog program that this node belongs to.


data

ExpressionValue[] data
Any data associated with this node. For example, const nodes will store their value here.

Class org.encog.ml.prg.VariableMapping extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

name

String name
The name of the variable.


variableType

ValueType variableType
The variable type.


enumType

int enumType
If this is an enum, what is the type.


enumValueCount

int enumValueCount
The count for this given enum. If this is not an enum, then value is not used.


Package org.encog.ml.prg.expvalue

Class org.encog.ml.prg.expvalue.DivisionByZeroError extends EARuntimeError implements Serializable

serialVersionUID: 1L

Class org.encog.ml.prg.expvalue.ExpressionValue extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

stringValue

String stringValue
If the value is a string, this contains the value.


floatValue

double floatValue
If the value is a float, this contains the value.


boolValue

boolean boolValue
If the value is a boolean, this contains the value.


expressionType

ValueType expressionType
The type of this expression.


intValue

long intValue
If the value is an int, this contains the value.


enumType

int enumType
If the value is an enum, this contains the value.


Package org.encog.ml.prg.extension

Class org.encog.ml.prg.extension.BasicTemplate extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

name

String name
The name of this opcode.


varValue

boolean varValue
True if this opcode has a variable value, other than variance of its child nodes.


dataSize

int dataSize
The amount of data that is stored with this node.


nodeType

NodeType nodeType
The node type.


precedence

int precedence
The precedence.


signature

String signature
The opcode signature.


params

List<E> params
The parameters.


returnValue

ParamTemplate returnValue
The return value.

Class org.encog.ml.prg.extension.FunctionFactory extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

templateMap

Map<K,V> templateMap
A map for quick lookup.


opcodes

List<E> opcodes
The opcodes.

Class org.encog.ml.prg.extension.ParamTemplate extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

possibleTypes

Set<E> possibleTypes
Possible types for this parameter.


passThrough

boolean passThrough
Is this a pass through argument. If so, then the return type of the parent opcode will depend on the actual type of this parameter.


Package org.encog.ml.prg.species

Class org.encog.ml.prg.species.PrgSpeciation extends ThresholdSpeciation implements Serializable

serialVersionUID: 1L


Package org.encog.ml.prg.train

Class org.encog.ml.prg.train.PrgGenomeFactory extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

context

EncogProgramContext context
The context.

Class org.encog.ml.prg.train.PrgPopulation extends BasicPopulation implements Serializable

serialVersionUID: 1L

Serialized Fields

context

EncogProgramContext context
The context.

Class org.encog.ml.prg.train.ZeroEvalScoreFunction extends Object implements Serializable

serialVersionUID: 1L


Package org.encog.ml.svm

Class org.encog.ml.svm.SVM extends BasicML implements Serializable

serialVersionUID: 1L

Serialized Fields

model

svm_model model
The SVM model to use.


params

svm_parameter params
The params for the model.


inputCount

int inputCount
The input count.


Package org.encog.ml.tree.basic

Class org.encog.ml.tree.basic.BasicTreeNode extends Object implements Serializable

Serialized Fields

childNodes

List<E> childNodes

Package org.encog.ml.world

Class org.encog.ml.world.WorldError extends RuntimeException implements Serializable

serialVersionUID: -5909341149180956178L


Package org.encog.neural

Class org.encog.neural.NeuralNetworkError extends EncogError implements Serializable

serialVersionUID: 7167228729133120101L


Package org.encog.neural.art

Class org.encog.neural.art.ART extends BasicML implements Serializable

serialVersionUID: 1L

Class org.encog.neural.art.ART1 extends ART implements Serializable

serialVersionUID: 1L

Serialized Fields

winner

int winner
last winner in F2 layer.


a1

double a1
A parameter for F1 layer.


b1

double b1
B parameter for F1 layer.


c1

double c1
C parameter for F1 layer.


d1

double d1
D parameter for F1 layer.


l

double l
L parameter for net.


vigilance

double vigilance
The vigilance parameter.


noWinner

int noWinner
This is the value that is returned if there is no winner. This value is generally set to the number of classes, plus 1.


outputF1

BiPolarNeuralData outputF1
The output from the F1 layer.


outputF2

BiPolarNeuralData outputF2
The output from the F2 layer.


f1Count

int f1Count
The F1 layer neuron count.


f2Count

int f2Count
The F2 layer neuron count.


weightsF1toF2

Matrix weightsF1toF2
Weights from f1 to f2.


weightsF2toF1

Matrix weightsF2toF1
Weights from f2 to f1.


Package org.encog.neural.bam

Class org.encog.neural.bam.BAM extends BasicML implements Serializable

serialVersionUID: 1L

Serialized Fields

f1Count

int f1Count
Neurons in the F1 layer.


f2Count

int f2Count
Neurons in the F2 layer.


weightsF1toF2

Matrix weightsF1toF2
The weights between the F1 and F2 layers.


weightsF2toF1

Matrix weightsF2toF1
The weights between the F1 and F2 layers.


Package org.encog.neural.cpn

Class org.encog.neural.cpn.CPN extends BasicML implements Serializable

serialVersionUID: 1L

Serialized Fields

inputCount

int inputCount
The number of neurons in the input layer.


instarCount

int instarCount
The number of neurons in the instar, or hidden, layer.


outstarCount

int outstarCount
The number of neurons in the outstar, or output, layer.


winnerCount

int winnerCount
The number of winning neurons.


weightsInputToInstar

Matrix weightsInputToInstar
The weights from the input to the instar layer.


weightsInstarToOutstar

Matrix weightsInstarToOutstar
The weights from the instar to the outstar layer.


Package org.encog.neural.data.basic

Class org.encog.neural.data.basic.BasicNeuralData extends BasicMLData implements Serializable

serialVersionUID: 1524371205985251772L

Class org.encog.neural.data.basic.BasicNeuralDataPair extends BasicMLDataPair implements Serializable

serialVersionUID: 93850721522898707L

Class org.encog.neural.data.basic.BasicNeuralDataSet extends BasicMLDataSet implements Serializable

serialVersionUID: -8916242559498280598L


Package org.encog.neural.flat

Class org.encog.neural.flat.FlatNetwork extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

inputCount

int inputCount
The number of input neurons in this network.


layerCounts

int[] layerCounts
The number of neurons in each of the layers.


layerContextCount

int[] layerContextCount
The number of context neurons in each layer. These context neurons will feed the next layer.


layerFeedCounts

int[] layerFeedCounts
The number of neurons in each layer that are actually fed by neurons in the previous layer. Bias neurons, as well as context neurons, are not fed from the previous layer.


layerIndex

int[] layerIndex
An index to where each layer begins (based on the number of neurons in each layer).


layerOutput

double[] layerOutput
The outputs from each of the neurons.


layerSums

double[] layerSums
The sum of the layer, before the activation function is applied, producing the layerOutput.


outputCount

int outputCount
The number of output neurons in this network.


weightIndex

int[] weightIndex
The index to where the weights that are stored at for a given layer.


weights

double[] weights
The weights for a neural network.


activationFunctions

ActivationFunction[] activationFunctions
The activation types.


contextTargetOffset

int[] contextTargetOffset
The context target for each layer. This is how the backwards connections are formed for the recurrent neural network. Each layer either has a zero, which means no context target, or a layer number that indicates the target layer.


contextTargetSize

int[] contextTargetSize
The size of each of the context targets. If a layer's contextTargetOffset is zero, its contextTargetSize should also be zero. The contextTargetSize should always match the feed count of the targeted context layer.


biasActivation

double[] biasActivation
The bias activation for each layer. This is usually either 1, for a bias, or zero for no bias.


beginTraining

int beginTraining
The layer that training should begin on.


endTraining

int endTraining
The layer that training should end on.


isLimited

boolean isLimited
Does this network have some connections disabled.


connectionLimit

double connectionLimit
The limit, under which, all a cconnection is not considered to exist.


hasContext

boolean hasContext
True if the network has context.

Class org.encog.neural.flat.FlatNetworkRBF extends FlatNetwork implements Serializable

serialVersionUID: 1L

Serialized Fields

rbf

RadialBasisFunction[] rbf
The RBF's used.


Package org.encog.neural.freeform

Class org.encog.neural.freeform.FreeformContextNeuron extends BasicFreeformNeuron implements Serializable

serialVersionUID: 1L

Serialized Fields

contextSource

FreeformNeuron contextSource
The context source.

Class org.encog.neural.freeform.FreeformNetwork extends BasicML implements Serializable

serialVersionUID: 1L

Serialized Fields

inputLayer

FreeformLayer inputLayer
The input layer.


outputLayer

FreeformLayer outputLayer
The output layer.


connectionFactory

FreeformConnectionFactory connectionFactory
The connection factory.


layerFactory

FreeformLayerFactory layerFactory
The layer factory.


neuronFactory

FreeformNeuronFactory neuronFactory
The neuron factory.


summationFactory

InputSummationFactory summationFactory
The input summation factory.

Class org.encog.neural.freeform.FreeformNetworkError extends RuntimeException implements Serializable

serialVersionUID: 1L


Package org.encog.neural.freeform.basic

Class org.encog.neural.freeform.basic.BasicActivationSummation extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

activationFunction

ActivationFunction activationFunction
The activation function to use.


inputs

List<E> inputs
The inputs.


sum

double sum
THe pre-activation summation.

Class org.encog.neural.freeform.basic.BasicActivationSummationFactory extends Object implements Serializable

serialVersionUID: 1L

Class org.encog.neural.freeform.basic.BasicFreeformConnection extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

weight

double weight
The connection weight.


source

FreeformNeuron source
The source neuron.


target

FreeformNeuron target
The target neuron.


recurrent

boolean recurrent
Is this a recurrent link?


tempTraining

double[] tempTraining
Temp training data.

Class org.encog.neural.freeform.basic.BasicFreeformConnectionFactory extends Object implements Serializable

serialVersionUID: 1L

Class org.encog.neural.freeform.basic.BasicFreeformLayer extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

neurons

List<E> neurons
The neurons in this layer.

Class org.encog.neural.freeform.basic.BasicFreeformLayerFactory extends Object implements Serializable

serialVersionUID: 1L

Class org.encog.neural.freeform.basic.BasicFreeformNeuron extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

inputSummation

InputSummation inputSummation
The input summation.


outputConnections

List<E> outputConnections
THe output connections.


activation

double activation
The activation.


bias

boolean bias
True if this neuron is a bias neuron.


tempTraining

double[] tempTraining
Temp training values.

Class org.encog.neural.freeform.basic.BasicFreeformNeuronFactory extends Object implements Serializable

serialVersionUID: 1L


Package org.encog.neural.freeform.training

Class org.encog.neural.freeform.training.FreeformBackPropagation extends FreeformPropagationTraining implements Serializable

serialVersionUID: 1L

Serialized Fields

learningRate

double learningRate

momentum

double momentum

Class org.encog.neural.freeform.training.FreeformPropagationTraining extends BasicTraining implements Serializable

serialVersionUID: 1L

Serialized Fields

network

FreeformNetwork network

training

MLDataSet training

iterationCount

int iterationCount

error

double error

visited

Set<E> visited

fixFlatSopt

boolean fixFlatSopt

batchSize

int batchSize
The batch size. Specify 1 for pure online training. Specify 0 for pure batch training (complete training set in one batch). Otherwise specify the batch size for batch training.

Class org.encog.neural.freeform.training.FreeformResilientPropagation extends FreeformPropagationTraining implements Serializable

serialVersionUID: 1L

Serialized Fields

maxStep

double maxStep

Package org.encog.neural.hyperneat

Class org.encog.neural.hyperneat.HyperNEATGenome extends NEATGenome implements Serializable

serialVersionUID: 1L


Package org.encog.neural.hyperneat.substrate

Class org.encog.neural.hyperneat.substrate.Substrate extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

dimensions

int dimensions
The dimensions of the network.


inputNodes

List<E> inputNodes
The input nodes.


outputNodes

List<E> outputNodes
The output nodes.


hiddenNodes

List<E> hiddenNodes
The hidden nodes.


links

List<E> links
The links between nodes.


currentNeuronNumber

int currentNeuronNumber
The current neuron id.


activationCycles

int activationCycles
The number of activation cycles.

Class org.encog.neural.hyperneat.substrate.SubstrateLink extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

source

SubstrateNode source
The source.


target

SubstrateNode target
The target.

Class org.encog.neural.hyperneat.substrate.SubstrateNode extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

id

int id
The ID of this node.


location

double[] location
The location of this node.


Package org.encog.neural.neat

Class org.encog.neural.neat.FactorNEATGenome extends Object implements Serializable

serialVersionUID: 1L

Class org.encog.neural.neat.NEATCODEC extends Object implements Serializable

serialVersionUID: 1L

Class org.encog.neural.neat.NEATLink extends Object implements Serializable

serialVersionUID: -4117045705080951946L

Serialized Fields

fromNeuron

int fromNeuron
The source neuron.


toNeuron

int toNeuron
The target neuron.


weight

double weight
The weight.

Class org.encog.neural.neat.NEATNetwork extends Object implements Serializable

serialVersionUID: 3660295468309926508L

Serialized Fields

links

NEATLink[] links
The neuron links.


activationFunctions

ActivationFunction[] activationFunctions
The activation functions.


preActivation

double[] preActivation
The pre-activation values, used to feed the neurons.


postActivation

double[] postActivation
The post-activation values, used as the output from the neurons.


outputIndex

int outputIndex
The index to the starting location of the output neurons.


inputCount

int inputCount
The input count.


outputCount

int outputCount
The output count.


activationCycles

int activationCycles
The number of activation cycles to use.


hasRelaxed

boolean hasRelaxed
True, if the network has relaxed and values no longer changing. Used when activationCycles is set to zero for auto.


relaxationThreshold

double relaxationThreshold
The amount of change allowed before the network is considered to have relaxed.

Class org.encog.neural.neat.NEATPopulation extends BasicPopulation implements Serializable

serialVersionUID: 1L

Serialized Fields

activationCycles

int activationCycles
The number of activation cycles that the networks produced by this population will use.


geneIDGenerate

GenerateID geneIDGenerate
Generate gene id's.


innovationIDGenerate

GenerateID innovationIDGenerate
Generate innovation id's.


innovations

NEATInnovationList innovations
A list of innovations, or null if this feature is not being used.


weightRange

double weightRange
The weight range. Weights will be between -weight and +weight.


cachedBestGenome

Genome cachedBestGenome
The best genome that we've currently decoded into the bestNetwork property. If this value changes to point to a new genome reference then the phenome will need to be recalculated.


bestNetwork

NEATNetwork bestNetwork
The best network. If the population is used as an MLMethod, then this network will represent.


inputCount

int inputCount
The number of input units. All members of the population must agree with this number.


outputCount

int outputCount
The number of output units. All members of the population must agree with this number.


survivalRate

double survivalRate
The survival rate.


substrate

Substrate substrate
The substrate, if this is a hyperneat network.


activationFunctions

ChooseObject<T> activationFunctions
The activation functions that we can choose from.


codec

GeneticCODEC codec
The CODEC used to decode the NEAT genomes into networks. Different CODEC's are used for NEAT vs HyperNEAT.


initialConnectionDensity

double initialConnectionDensity
The initial connection density for the initial random population of genomes.


randomNumberFactory

RandomFactory randomNumberFactory
A factory to create random number generators.


Package org.encog.neural.neat.training

Class org.encog.neural.neat.training.NEATBaseGene extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

id

long id
ID of this gene, -1 for unassigned.


innovationId

long innovationId
Innovation ID, -1 for unassigned.

Class org.encog.neural.neat.training.NEATGenome extends BasicGenome implements Serializable

serialVersionUID: 1L

Serialized Fields

inputCount

int inputCount
The number of inputs.


linksList

List<E> linksList
The list that holds the links.


networkDepth

int networkDepth
THe network depth.


neuronsList

List<E> neuronsList
The list that holds the neurons.


outputCount

int outputCount
The number of outputs.

Class org.encog.neural.neat.training.NEATInnovation extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

neuronID

long neuronID
The neuron id.


innovationID

long innovationID
The innovation id.

Class org.encog.neural.neat.training.NEATInnovationList extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

population

NEATPopulation population
The population.


list

Map<K,V> list
The list of innovations.

Class org.encog.neural.neat.training.NEATLinkGene extends NEATBaseGene implements Serializable

serialVersionUID: 1L

Serialized Fields

fromNeuronID

long fromNeuronID
The from neuron id.


toNeuronID

long toNeuronID
The to neuron id.


weight

double weight
The weight of this link.


enabled

boolean enabled
Is this gene enabled?

Class org.encog.neural.neat.training.NEATNeuronGene extends NEATBaseGene implements Serializable

serialVersionUID: 1L

Serialized Fields

neuronType

NEATNeuronType neuronType
The neuron type.


activationFunction

ActivationFunction activationFunction
The activation function.


Package org.encog.neural.neat.training.species

Class org.encog.neural.neat.training.species.OriginalNEATSpeciation extends ThresholdSpeciation implements Serializable

serialVersionUID: 1L

Serialized Fields

constDisjoint

double constDisjoint
The adjustment factor for disjoint genes.


constExcess

double constExcess
The adjustment factor for excess genes.


constMatched

double constMatched
The adjustment factor for matched genes.


Package org.encog.neural.networks

Class org.encog.neural.networks.BasicNetwork extends BasicML implements Serializable

serialVersionUID: -136440631687066461L

Serialized Fields

structure

NeuralStructure structure
Holds the structure of the network. This keeps the network from having to constantly lookup layers and synapses.


Package org.encog.neural.networks.layers

Class org.encog.neural.networks.layers.BasicLayer extends FlatLayer implements Serializable

serialVersionUID: -5682296868750703898L

Serialized Fields

network

BasicNetwork network
The network that this layer belongs to.


Package org.encog.neural.networks.structure

Class org.encog.neural.networks.structure.NeuralStructure extends Object implements Serializable

serialVersionUID: -2929683885395737817L

Serialized Fields

layers

List<E> layers
The layers in this neural network.


network

BasicNetwork network
The neural network this class belongs to.


connectionLimit

double connectionLimit
The limit, below which a connection is treated as zero.


connectionLimited

boolean connectionLimited
Are connections limited?


flat

FlatNetwork flat
The flattened form of the network.


Package org.encog.neural.networks.training

Class org.encog.neural.networks.training.TrainingError extends NeuralNetworkError implements Serializable

serialVersionUID: 9138367057650889570L


Package org.encog.neural.networks.training.propagation

Class org.encog.neural.networks.training.propagation.TrainingContinuation extends Object implements Serializable

serialVersionUID: -3649790586015301015L

Serialized Fields

contents

Map<K,V> contents
The contents of this object.


trainingType

String trainingType
Training type.


Package org.encog.neural.pattern

Class org.encog.neural.pattern.PatternError extends NeuralNetworkError implements Serializable

serialVersionUID: 1828040493714503355L


Package org.encog.neural.pnn

Class org.encog.neural.pnn.AbstractPNN extends BasicML implements Serializable

Serialized Fields

inputCount

int inputCount
Input neuron count.


outputCount

int outputCount
Output neuron count.


kernel

PNNKernelType kernel
Kernel type.


outputMode

PNNOutputMode outputMode
Output mode.


trained

boolean trained
Is trained.


error

double error
Network error. (MSE)


confusion

int[] confusion
Confusion work area.


deriv

double[] deriv
First derivative.


deriv2

double[] deriv2
Second derivative.


exclude

int exclude
Index of a sample to exclude.


separateClass

boolean separateClass
True, if we are using separate sigmas for each class.

Class org.encog.neural.pnn.BasicPNN extends AbstractPNN implements Serializable

serialVersionUID: -7990707837655024635L

Serialized Fields

sigma

double[] sigma
The sigma's specify the widths of each kernel used.


samples

BasicMLDataSet samples
The training samples that form the memory of this network.


countPer

int[] countPer
Used for classification, the number of cases in each class.


priors

double[] priors
The prior probability weights.


Package org.encog.neural.rbf

Class org.encog.neural.rbf.RBFNetwork extends BasicML implements Serializable

serialVersionUID: 1L

Serialized Fields

flat

FlatNetworkRBF flat
The underlying flat network.


Package org.encog.neural.som

Class org.encog.neural.som.SOM extends BasicML implements Serializable

serialVersionUID: 1L

Serialized Fields

weights

Matrix weights
The weights of the output neurons base on the input from the input neurons.


Package org.encog.neural.thermal

Class org.encog.neural.thermal.BoltzmannMachine extends ThermalNetwork implements Serializable

serialVersionUID: 1L

Serialized Fields

temperature

double temperature
The current temperature of the neural network. The higher the temperature, the more random the network will behave.


threshold

double[] threshold
The thresholds.


annealCycles

int annealCycles
The number of cycles to anneal for.


runCycles

int runCycles
The number of cycles to run the network through before annealing.

Class org.encog.neural.thermal.HopfieldNetwork extends ThermalNetwork implements Serializable

serialVersionUID: 1L

Class org.encog.neural.thermal.ThermalNetwork extends BasicML implements Serializable

serialVersionUID: 1L

Serialized Fields

currentState

BiPolarNeuralData currentState
The current state of the thermal network.


weights

double[] weights
The weights.


neuronCount

int neuronCount
The neuron count.


Package org.encog.parse

Class org.encog.parse.ParseError extends EncogError implements Serializable

serialVersionUID: 2610215232632261403L


Package org.encog.persist

Class org.encog.persist.PersistError extends EncogError implements Serializable

serialVersionUID: 7380539044552943978L


Package org.encog.platformspecific.j2se

Class org.encog.platformspecific.j2se.TrainingDialog extends JDialog implements Serializable

serialVersionUID: -6847676575773420316L

Serialized Fields

labelError

JLabel labelError
Holds the current error.


labelIterations

JLabel labelIterations
Holds the iteration count.


labelTime

JLabel labelTime
Holds the current total training time.


buttonStop

JButton buttonStop
The stop button.


shouldStop

boolean shouldStop
Set to true if the network should stop after the current iteration.


Package org.encog.platformspecific.j2se.data

Class org.encog.platformspecific.j2se.data.SQLNeuralDataSet extends BasicMLDataSet implements Serializable

serialVersionUID: 1L


Package org.encog.platformspecific.j2se.data.image

Class org.encog.platformspecific.j2se.data.image.ImageMLData extends BasicMLData implements Serializable

serialVersionUID: -4645971270240180450L

Serialized Fields

image

Image image
The image associated with this class.

Class org.encog.platformspecific.j2se.data.image.ImageMLDataSet extends BasicMLDataSet implements Serializable

serialVersionUID: 3368190842312829906L

Serialized Fields

downsampler

Downsample downsampler
The downsampler to use.


height

int height
The height to downsample to.


width

int width
The width to downsample to.


findBounds

boolean findBounds
Should the bounds be found and cropped.


hi

double hi
The high value to normalize to.


lo

double lo
The low value to normalize to.


Package org.encog.util.arrayutil

Class org.encog.util.arrayutil.NormalizedField extends Object implements Serializable

Serialized Fields

actualHigh

double actualHigh
The actual high from the sample data.


actualLow

double actualLow
The actual low from the sample data.


normalizedHigh

double normalizedHigh
The desired normalized high.


normalizedLow

double normalizedLow
The desired normalized low from the sample data.


action

NormalizationAction action
The action that should be taken on this column.


name

String name
The name of this column.


classes

List<E> classes
The list of classes.


eq

Equilateral eq
If equilateral classification is used, this is the Equilateral object.


lookup

Map<K,V> lookup
Allows the index of a field to be looked up.


Package org.encog.util.csv

Class org.encog.util.csv.CSVError extends EncogError implements Serializable

serialVersionUID: -6118582877885550843L

Class org.encog.util.csv.CSVFormat extends Object implements Serializable

Serialized Fields

decimal

char decimal
The decimal character.


separator

char separator
The separator character.


numberFormatter

NumberFormat numberFormatter
The number formatter to use for this format.


Package org.encog.util.identity

Class org.encog.util.identity.BasicGenerateID extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

currentID

long currentID
The current ID to generate.


Package org.encog.util.normalize

Class org.encog.util.normalize.DataNormalization extends Object implements Serializable

serialVersionUID: 4387885013771660300L

Serialized Fields

inputFields

List<E> inputFields
The input fields.


outputFields

List<E> outputFields
The output fields.


groups

Set<E> groups
Output fields can be grouped together, if the value of one output field might affect all of the others. This collection holds a list of all of the output field groups.


segregators

List<E> segregators
A list of the segregators.


storage

NormalizationStorage storage
Where the final output from the normalization is sent.


recordCount

int recordCount
The number of records that were found in the first pass.


currentIndex

int currentIndex
The current record's index.


csvFormat

CSVFormat csvFormat
The format to use for all CSV files.


lastReport

int lastReport
How long has it been since the last report. This filters so that every single record does not produce a message.

Class org.encog.util.normalize.NormalizationError extends EncogError implements Serializable

serialVersionUID: 1454192534753095149L


Package org.encog.util.normalize.input

Class org.encog.util.normalize.input.BasicInputField extends Object implements Serializable

Serialized Fields

min

double min
The maximum value encountered so far for this field.


max

double max
The minimum value encountered so far for this field.


currentValue

double currentValue
The current value for this field, only used while normalizing.


usedForNetworkInput

boolean usedForNetworkInput
True if this field is used to actually generate the input for the neural network.

Class org.encog.util.normalize.input.InputFieldArray1D extends BasicInputField implements Serializable

Serialized Fields

array

double[] array
A reference to the array.

Class org.encog.util.normalize.input.InputFieldArray2D extends BasicInputField implements Serializable

Serialized Fields

array

double[][] array
The 2D array to use.


index2

int index2
The 2nd dimension index to read the field from.

Class org.encog.util.normalize.input.InputFieldCSV extends BasicInputField implements Serializable

Serialized Fields

file

File file
The file to read.


offset

int offset
The CSV column represented by this field.

Class org.encog.util.normalize.input.InputFieldCSVText extends InputFieldCSV implements Serializable

Serialized Fields

mappings

Map<K,V> mappings
The mappings.


currentMapIndex

int currentMapIndex
The current map index.

Class org.encog.util.normalize.input.InputFieldEncogCollection extends BasicInputField implements Serializable

Serialized Fields

resourceName

String resourceName

offset

int offset

Class org.encog.util.normalize.input.InputFieldMLDataSet extends BasicInputField implements Serializable

Serialized Fields

data

NeuralDataSet data
The data set.


offset

int offset
The input or ideal index. This treats the input and ideal as one long array, concatenated together.

Class org.encog.util.normalize.input.MLDataFieldHolder extends Object implements Serializable

Serialized Fields

pair

MLDataPair pair
A neural data pair.


iterator

Iterator<E> iterator
An iterator.


field

InputFieldMLDataSet field
A field.


Package org.encog.util.normalize.output

Class org.encog.util.normalize.output.BasicOutputField extends Object implements Serializable

Serialized Fields

ideal

boolean ideal
Is this field part of the ideal data uses to train the neural network.

Class org.encog.util.normalize.output.BasicOutputFieldGroup extends Object implements Serializable

Serialized Fields

fields

Collection<E> fields
The fields in this group.

Class org.encog.util.normalize.output.OutputFieldDirect extends BasicOutputField implements Serializable

Serialized Fields

sourceField

InputField sourceField
The source field.

Class org.encog.util.normalize.output.OutputFieldGrouped extends BasicOutputField implements Serializable

Serialized Fields

group

OutputFieldGroup group
The group that this field is a member of.


sourceField

InputField sourceField
The source field, this is the input field that provides data for this output field.

Class org.encog.util.normalize.output.OutputFieldRangeMapped extends BasicOutputField implements Serializable

Serialized Fields

field

InputField field
The input field to scale.


low

double low
The low value of the field.


high

double high
The high value of the field.


Package org.encog.util.normalize.output.mapped

Class org.encog.util.normalize.output.mapped.MappedRange extends Object implements Serializable

Serialized Fields

low

double low
The low value for the range.


high

double high
The high value for the range.


value

double value
The value that should be returned for this range.

Class org.encog.util.normalize.output.mapped.OutputFieldEncode extends BasicOutputField implements Serializable

Serialized Fields

sourceField

InputField sourceField
The source field.


catchAll

double catchAll
The catch all value, if nothing matches, then use this value.


ranges

List<E> ranges
The ranges.


Package org.encog.util.normalize.output.multiplicative

Class org.encog.util.normalize.output.multiplicative.MultiplicativeGroup extends BasicOutputFieldGroup implements Serializable

Serialized Fields

length

double length
The "length" of this field.

Class org.encog.util.normalize.output.multiplicative.OutputFieldMultiplicative extends OutputFieldGrouped implements Serializable


Package org.encog.util.normalize.output.nominal

Class org.encog.util.normalize.output.nominal.NominalItem extends Object implements Serializable

Serialized Fields

low

double low
The low value for the range.


high

double high
The high value for the range.


inputField

InputField inputField
The input field used to verify against the range.

Class org.encog.util.normalize.output.nominal.OutputEquilateral extends BasicOutputField implements Serializable

Serialized Fields

items

List<E> items
THe nominal items.


equilateral

Equilateral equilateral
The current equilateral matrix.


currentValue

int currentValue
The current value, which nominal item is selected.


high

double high
The high value to map into.


low

double low
THe low value to map into.

Class org.encog.util.normalize.output.nominal.OutputOneOf extends BasicOutputField implements Serializable

Serialized Fields

items

List<E> items
The nominal items to represent.


trueValue

double trueValue
What is the true value, often just "1".


falseValue

double falseValue
What is the true value, often just "0" or "-1".


Package org.encog.util.normalize.output.zaxis

Class org.encog.util.normalize.output.zaxis.OutputFieldZAxis extends OutputFieldGrouped implements Serializable

Class org.encog.util.normalize.output.zaxis.OutputFieldZAxisSynthetic extends OutputFieldGrouped implements Serializable

Class org.encog.util.normalize.output.zaxis.ZAxisGroup extends BasicOutputFieldGroup implements Serializable

Serialized Fields

length

double length
The calculated length.


multiplier

double multiplier
The multiplier, which is the value that all other values will be multiplied to become normalized.


Package org.encog.util.normalize.segregate

Class org.encog.util.normalize.segregate.IntegerBalanceSegregator extends Object implements Serializable

Serialized Fields

normalization

DataNormalization normalization
The normalization object to use.


target

InputField target
The input field.


count

int count
The count per each of the int values for the input field.


runningCounts

Map<K,V> runningCounts
The running totals.

Class org.encog.util.normalize.segregate.RangeSegregator extends Object implements Serializable

Serialized Fields

sourceField

InputField sourceField
The source field that this is based on.


include

boolean include
If none of the ranges match, should this data be included.


ranges

Collection<E> ranges
The ranges.


normalization

DataNormalization normalization
The normalization object.

Class org.encog.util.normalize.segregate.SegregationRange extends Object implements Serializable

Serialized Fields

low

double low
The low end of this range.


high

double high
The high end of this range.


include

boolean include
Should this range be included.


Package org.encog.util.normalize.segregate.index

Class org.encog.util.normalize.segregate.index.IndexRangeSegregator extends IndexSegregator implements Serializable

Serialized Fields

startingIndex

int startingIndex
The starting index.


endingIndex

int endingIndex
The ending index.

Class org.encog.util.normalize.segregate.index.IndexSampleSegregator extends IndexSegregator implements Serializable

Serialized Fields

startingIndex

int startingIndex
The starting index (within a sample).


endingIndex

int endingIndex
The ending index (within a sample).


sampleSize

int sampleSize
The sample size.

Class org.encog.util.normalize.segregate.index.IndexSegregator extends Object implements Serializable

Serialized Fields

currentIndex

int currentIndex
The current index. Updated rows are processed.


normalization

DataNormalization normalization
THe normalization object this belongs to.


Package org.encog.util.normalize.target

Class org.encog.util.normalize.target.NormalizationStorageArray1D extends Object implements Serializable

Serialized Fields

array

double[] array
The array to store to.


currentIndex

int currentIndex
The current index.

Class org.encog.util.normalize.target.NormalizationStorageArray2D extends Object implements Serializable

Serialized Fields

array

double[][] array
The array to output to.


currentIndex

int currentIndex
The current data.

Class org.encog.util.normalize.target.NormalizationStorageCSV extends Object implements Serializable

Serialized Fields

outputFile

File outputFile
The output file.


format

CSVFormat format
The CSV format to use.

Class org.encog.util.normalize.target.NormalizationStorageEncogCollection extends Object implements Serializable

Serialized Fields

resourceName

String resourceName

Class org.encog.util.normalize.target.NormalizationStorageNeuralDataSet extends Object implements Serializable

Serialized Fields

inputCount

int inputCount
The input count.


idealCount

int idealCount
The ideal count.


dataset

MLDataSet dataset
The data set to add to.


Package org.encog.util.obj

Class org.encog.util.obj.ChooseObject extends Object implements Serializable

serialVersionUID: 1L

Serialized Fields

list

List<E> list
The objects that we are choosing from.


chooser

RandomChoice chooser
The random choose.

Class org.encog.util.obj.ObjectHolder extends Object implements Serializable

Serialized Fields

obj

Object obj
The object to hold.


probability

double probability
The probability.



Copyright © 2014. All Rights Reserved.